├── test ├── convnet.mod ├── xor_net.mod ├── fully_connected.mod ├── test_random.f90 ├── makefile ├── test_convpool.f90 ├── test_maxpool.f90 ├── test_fullyconnected_adam.f90 └── test_fullyconnected.f90 ├── bin └── tests │ ├── testFullyconnected │ └── testFullyconnected_adam ├── README.md ├── src ├── convolve1d.f90 ├── pickle.f90 ├── rcimageio.f90 ├── fully_connected.f90 ├── rcimagebasic.f90 └── convnet.f90 ├── sgd.csv ├── adam_e2.csv └── adam_e3.csv /test/convnet.mod: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/arjo129/NueralNets/HEAD/test/convnet.mod -------------------------------------------------------------------------------- /test/xor_net.mod: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/arjo129/NueralNets/HEAD/test/xor_net.mod -------------------------------------------------------------------------------- /test/fully_connected.mod: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/arjo129/NueralNets/HEAD/test/fully_connected.mod -------------------------------------------------------------------------------- /bin/tests/testFullyconnected: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/arjo129/NueralNets/HEAD/bin/tests/testFullyconnected -------------------------------------------------------------------------------- /bin/tests/testFullyconnected_adam: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/arjo129/NueralNets/HEAD/bin/tests/testFullyconnected_adam -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- 1 | # NueralNets 2 | Fortran 95 Based Nueral Networks and Stochastic Gradient Descent. Examples located in ```/tests``` directory. To run examples run make from that directory. 3 | -------------------------------------------------------------------------------- /test/test_random.f90: -------------------------------------------------------------------------------- 1 | program testConvnet 2 | use convnet 3 | implicit none 4 | real, dimension(15,15):: kernel 5 | call srand(85697) 6 | call randkernel(kernel) 7 | end program testConvnet 8 | -------------------------------------------------------------------------------- /test/makefile: -------------------------------------------------------------------------------- 1 | all: tests 2 | 3 | tests: testFullyconnected 4 | 5 | testFullyconnected: 6 | gfortran ../src/fully_connected.f90 ../src/convnet.f90 test_fullyconnected.f90 -o ../bin/tests/testFullyconnected 7 | 8 | testConvPool: 9 | gfortran ../src/convnet.f90 test_convpool.f90 -o ../bin/tests/testFullyconnected 10 | 11 | testFCadam: 12 | gfortran ../src/convnet.f90 ../src/fully_connected.f90 test_fullyconnected_adam.f90 -o ../bin/tests/testFullyconnected_adam 13 | 14 | test1DConv: 15 | 16 | -------------------------------------------------------------------------------- /test/test_convpool.f90: -------------------------------------------------------------------------------- 1 | program testConv1layer 2 | use convnet 3 | real, dimension(3,640,480)::input_image, back_prop 4 | real, dimension(15,3,15,15)::kernels, w_error 5 | real, dimension(640,480)::cache 6 | real, dimension(15,640,480)::outconv, e_cache 7 | real, dimension(15,40,30)::error,output 8 | complex, dimension(15,40,30)::pointlist 9 | call initConvPool(kernels) 10 | call runConvPool(input_image, kernels, 16, cache,outconv, output,pointlist) 11 | print *,"back propagating" 12 | call backConvPool(input_image, output, error, kernels, w_error, e_cache, pointlist, back_prop) 13 | end program 14 | -------------------------------------------------------------------------------- /test/test_maxpool.f90: -------------------------------------------------------------------------------- 1 | program testMaxpool 2 | use convnet 3 | !implicit none 4 | real, dimension(2,4)::array,test_result 5 | real, dimension(2,2,2)::testarr 6 | !data array(1,:) /0,0,0,0/ 7 | !data array(2,:) /0,0,0,0/ 8 | real, dimension(1,2)::out 9 | complex, dimension(1,2)::points 10 | data array(1,:) /0,2,9,0/ 11 | data array(2,:) /1,1,1,1/ 12 | call fillWithZero(test_result) 13 | call maxpool(array,2,out,points) 14 | print *, out 15 | print *, points 16 | call back_maxpool(out,points,test_result) 17 | print *,"Result" 18 | print *,test_result(1,:) 19 | print *,test_result(2,:) 20 | end program testMaxpool 21 | -------------------------------------------------------------------------------- /src/convolve1d.f90: -------------------------------------------------------------------------------- 1 | subroutine convolve1d(input, kernel, output) 2 | real, dimension(:), intent(in):: input, kernel 3 | real, dimension(:), intent(out):: output 4 | integer, dimension(:)::shapekern, shapein 5 | integer:: i,j 6 | shapein = shape(input) 7 | shapekern = shape(kernel) 8 | do i = (shapekern(1)-1)/2,shapein(1) - (shapekern(1)-1)/2 9 | do j = -(shapekern(1)-1)/2,(shapekern(1)-1)/2 10 | output(i) = output(i)+kernel(j+(shapekern(1)-1)/2)*input(i+j) 11 | end do 12 | end do 13 | end subroutine 14 | 15 | subroutine convolve1d_flipped(input, kernel, output) 16 | real, dimension(:), intent(in):: input, kernel 17 | real, dimension(:), intent(out):: output 18 | integer, dimension(:)::shapekern, shapein 19 | integer:: i,j 20 | shapein = shape(input) 21 | shapekern = shape(kernel) 22 | do i = (shapekern(1)-1)/2,shapein(1) - (shapekern(1)-1)/2 23 | do j = -(shapekern(1)-1)/2,(shapekern(1)-1)/2 24 | output(i) = output(i)+kernel(j+(shapekern(1)-1)/2)*input(i-j) 25 | end do 26 | end do 27 | end subroutine 28 | -------------------------------------------------------------------------------- /src/pickle.f90: -------------------------------------------------------------------------------- 1 | module pickle 2 | 3 | subroutine loadMatrix(file,matrix) 4 | integer::file 5 | real, dimension(:,:)::matrix 6 | integer, dimension(:), allocatable::shape_mat 7 | integer::i,ma 8 | shape_mat = shape(matrix) 9 | ma = shape_mat(1) 10 | do i = 1,ma 11 | read (file), matrix(i,:) 12 | end do 13 | end subroutine 14 | 15 | subroutine saveMatrix(file,matrix) 16 | integer::file 17 | real, dimension(:,:)::matrix 18 | integer, dimension(:), allocatable::shape_mat 19 | integer::i,ma 20 | shape_mat = shape(matrix) 21 | ma = shape_mat(1) 22 | do i = 1,ma 23 | write (file), matrix(i,:) 24 | end do 25 | end subroutine 26 | 27 | subroutine loadKernel(file,matrix) 28 | integer::file 29 | real(:,:,:,:)::matrix 30 | integer, allocatable shape_mat 31 | integer i,j,k 32 | shape_mat = shape(matrix) 33 | do i = 0,shape_mat(1) 34 | do j = 0,shape_mat(2) 35 | do k = 0,shape_mat(3) 36 | read (file) matrix(i,j,k,:) 37 | end do 38 | end do 39 | end do 40 | end subroutine 41 | subroutine loadKernel(file,matrix) 42 | integer::file 43 | real(:,:,:,:)::matrix 44 | integer, allocatable shape_mat 45 | integer i,j,k 46 | shape_mat = shape(matrix) 47 | do i = 0,shape_mat(1) 48 | do j = 0,shape_mat(2) 49 | do k = 0,shape_mat(3) 50 | write (file) matrix(i,j,k,:) 51 | end do 52 | end do 53 | end do 54 | end subroutine 55 | end module 56 | -------------------------------------------------------------------------------- /src/rcimageio.f90: -------------------------------------------------------------------------------- 1 | module RCImageIO 2 | use RCImageBasic 3 | 4 | implicit none 5 | 6 | contains 7 | 8 | subroutine output_ppm(u, img) 9 | integer, intent(in) :: u 10 | type(rgbimage), intent(in) :: img 11 | integer :: i, j 12 | 13 | write(u, '(A2)') 'P6' 14 | write(u, '(I0,'' '',I0)') img%width, img%height 15 | write(u, '(A)') '255' 16 | 17 | do j=1, img%height 18 | do i=1, img%width 19 | write(u, '(3A1)', advance='no') achar(img%red(i,j)), achar(img%green(i,j)), & 20 | achar(img%blue(i,j)) 21 | end do 22 | end do 23 | 24 | end subroutine output_ppm 25 | 26 | subroutine read_ppm(u, img) 27 | integer, intent(in) :: u 28 | type(rgbimage), intent(out) :: img 29 | integer :: i, j, ncol, cc 30 | character(2) :: sign 31 | character :: ccode 32 | 33 | img%width = 0 34 | img%height = 0 35 | nullify(img%red) 36 | nullify(img%green) 37 | nullify(img%blue) 38 | 39 | read(u, '(A2)') sign 40 | read(u, *) img%width, img%height 41 | read(u, *) ncol 42 | 43 | call alloc_img(img, img%width, img%height) 44 | 45 | if ( valid_image(img) ) then 46 | do j=1, img%height 47 | do i=1, img%width 48 | read(u, '(A1)', advance='no', iostat=status) ccode 49 | cc = iachar(ccode) 50 | img%red(i,j) = cc 51 | read(u, '(A1)', advance='no', iostat=status) ccode 52 | cc = iachar(ccode) 53 | img%green(i,j) = cc 54 | read(u, '(A1)', advance='no', iostat=status) ccode 55 | cc = iachar(ccode) 56 | img%blue(i,j) = cc 57 | end do 58 | end do 59 | end if 60 | end subroutine 61 | 62 | subroutine rgbImageToMat(rgbim, mat) 63 | type(rgbimage), intent(in) :: img 64 | type(mat), dimension(:,:,:) :: out 65 | mat(1,:,:) = img%red(:,:)/256 66 | mat(2,:,:) = img%green(:,:)/256 67 | mat(3,:,:) = img%blue(:,:)/256 68 | end subroutine 69 | end module RCImageIO 70 | -------------------------------------------------------------------------------- /test/test_fullyconnected_adam.f90: -------------------------------------------------------------------------------- 1 | ! This program runs a simple network to train XOR data 2 | ! The network looks like this: 3 | ! Input vector dimension: (2 x 1) 4 | ! Fully connected Layer one weights (2 x 2) 5 | ! Sigmoid Activation 6 | ! Fully connected Layer two weights (2 x 1) 7 | ! Sigmoid Activation 8 | module xor_net 9 | !import the modules 10 | use fully_connected 11 | 12 | type xornet 13 | type(fully_connected_adam) :: layer1 14 | real, dimension(2)::hidden_res, back_prop 15 | real, dimension(2)::in 16 | type(fully_connected_adam) :: layer2 17 | real, dimension(1)::out 18 | end type 19 | 20 | contains 21 | subroutine initxornet(net) 22 | type(xornet) net 23 | call InitializeFullyConnectedAdam(net%layer1, 2,2) 24 | call InitializeFullyConnectedAdam(net%layer2, 2,1) 25 | end subroutine 26 | 27 | subroutine forwardxornet(net, input, output) 28 | type(xornet) net 29 | real, dimension(2)::input 30 | real, dimension(1)::output 31 | call forwardFCA(net%layer1,input,net%hidden_res) 32 | call activate_tanh(net%hidden_res,net%hidden_res) 33 | call forwardFCA(net%layer2,net%hidden_res,output) 34 | call activate_tanh(output,output) 35 | net%in = input 36 | net%out = output 37 | end subroutine 38 | 39 | subroutine backxornet(net, error) 40 | type(xornet) net 41 | real, dimension(1) :: error 42 | real, dimension(2) :: useless 43 | call back_tanh(net%out,error,error) 44 | call backwardUpdateFCA(net%layer2, net%hidden_res, error, net%back_prop,1.0) 45 | call back_tanh(net%hidden_res,net%back_prop,net%back_prop) 46 | call backwardUpdateFCA(net%layer1, net%in, net%back_prop, useless, 1.0) 47 | end subroutine 48 | end module 49 | 50 | program testFullyconnected 51 | !convnet needed for random kernel 52 | use xor_net 53 | implicit none 54 | 55 | !Local variables 56 | real, dimension(2,4) :: traininginput ! This variable declares the possible inputs for XOR 57 | real, dimension(4,1) :: trainingoutput ! This holds the corresponding output 58 | real, dimension(1)::out !this holds the temporary result. 59 | real, dimension(1)::error !this holds the temporary error. 60 | real, dimension(1)::avgerr !this holds the overall error. 61 | type(xornet) :: net ! This is the main network 62 | 63 | integer i ! used in do loop for iteration 64 | integer sel ! used to select the truth table row 65 | 66 | ! Map the truth table for XOR 67 | ! Input A | Input B | Output 68 | ! 0 | 0 | 0 69 | ! 1 | 0 | 1 70 | ! 0 | 1 | 1 71 | ! 1 | 1 | 0 72 | trainingoutput = reshape((/1,1,0,0/),(/4,1/)) 73 | traininginput = reshape((/0,1,1,0,1,1,0,0/),(/2,4/)) 74 | 75 | !Seed the random number generator 76 | call srand(84567) 77 | 78 | !Initialize the weights of the layers 79 | call initxornet(net) 80 | print *,"Initializing..." 81 | print *, net%layer1%weights 82 | print *, net%layer2%weights 83 | ! Iterate through examples 84 | do i = 0, 1000000 85 | ! Set the selector to the correct example 86 | sel = mod(i,4)+1 87 | call forwardxornet(net, traininginput(:,sel), out) 88 | error = out-trainingoutput(sel,:) 89 | call backxornet(net, error) 90 | avgerr = abs(error) + avgerr 91 | 92 | if (sel == 4) then 93 | !print *,i 94 | !print *, abs(avgerr) 95 | avgerr = 0 96 | end if 97 | end do 98 | 99 | print *, "Test:" 100 | call forwardxornet(net, traininginput(:,1), out) 101 | print *, traininginput(:,1) 102 | print *, out 103 | print *, "Test:" 104 | call forwardxornet(net, traininginput(:,2), out) 105 | print *, traininginput(:,2) 106 | print *, out 107 | print *, "Test:" 108 | call forwardxornet(net, traininginput(:,3), out) 109 | print *, traininginput(:,3) 110 | print *, out 111 | print *, "Test:" 112 | call forwardxornet(net, traininginput(:,4), out) 113 | print *, traininginput(:,4) 114 | print *, out 115 | print *, "Weights" 116 | print *, net%layer1%weights 117 | print *, net%layer2%weights 118 | end program 119 | -------------------------------------------------------------------------------- /test/test_fullyconnected.f90: -------------------------------------------------------------------------------- 1 | ! This program runs a simple network to train XOR data 2 | ! The network looks like this: 3 | ! Input vector dimension: (2 x 1) 4 | ! Fully connected Layer one weights (2 x 2) 5 | ! Sigmoid Activation 6 | ! Fully connected Layer two weights (2 x 1) 7 | ! Sigmoid Activation 8 | 9 | program testFullyconnected 10 | !import the modules 11 | use fully_connected 12 | 13 | implicit none 14 | 15 | !Local variables 16 | real, dimension(2,4) :: traininginput ! This variable declares the possible inputs for XOR 17 | real, dimension(4,1) :: trainingoutput ! This holds the corresponding output 18 | real, dimension(2) :: layerone_res !Layer one result 19 | real, dimension(2) :: layerone_e !The errors propafated from layer two to layer one 20 | real, dimension(2) :: useless !useless as the name implies. 21 | real, dimension(2,2) :: layerone ! weights for layer one 22 | real, dimension(2,2) :: layerone_w ! error correction for layer one 23 | real, dimension(2,1) :: layertwo ! weights for layer two 24 | real, dimension(2,1) :: layertwo_w ! error correction for layer two 25 | real, dimension(1) :: output ! output of network 26 | real, dimension(1) :: error ! error of output 27 | real, dimension(1) ::avgerr ! used to measure overall network error 28 | integer i ! used in do loop for iteration 29 | integer sel ! used to select the truth table row 30 | 31 | ! Map the truth table for XOR 32 | ! Input A | Input B | Output 33 | ! 0 | 0 | 0 34 | ! 1 | 0 | 1 35 | ! 0 | 1 | 1 36 | ! 1 | 1 | 0 37 | trainingoutput = reshape((/1,1,0,0/),(/4,1/)) 38 | traininginput = reshape((/0,1,1,0,1,1,0,0/),(/2,4/)) 39 | 40 | !Seed the random number generator 41 | call srand(84567) 42 | 43 | !Initialize the weights of the layers 44 | call randkernel(layerone) 45 | call randkernel(layertwo) 46 | print *, "" 47 | print *, "" 48 | print *, "" 49 | ! Iterate through examples 50 | do i = 0, 10000 51 | ! Set the selector to the correct example 52 | sel = mod(i,4)+1 53 | 54 | ! First fully connected layer 55 | call forward_linear(traininginput(:,sel),layerone,layerone_res) 56 | call activate_sigmoid(layerone_res,layerone_res) 57 | 58 | ! Second fully connected layer 59 | call forward_linear(layerone_res,layertwo,output) 60 | call activate_sigmoid(output,output) 61 | 62 | ! Calculate the error 63 | error = trainingoutput(sel,:) - output 64 | avgerr = abs(error) + avgerr 65 | 66 | ! Print the error every 4 cycles 67 | if (sel == 4) then 68 | print *, abs(avgerr) 69 | avgerr = 0 70 | end if 71 | 72 | ! Back propagate layer 2 73 | call back_sigmoid(output,error,error) 74 | call backward_linear(layerone_res, layertwo, error, layerone_e, layertwo_w) 75 | 76 | ! Back propagate layer 1 77 | call back_sigmoid(layerone_res, layerone_e, layerone_e) 78 | call backward_linear(traininginput(:,sel), layerone, layerone_e, useless, layerone_w) 79 | 80 | ! Update weights 81 | layertwo = layertwo + layertwo_w*0.1 82 | layerone = layerone + layerone_w*0.1 83 | end do 84 | 85 | ! Run tests... lets find out the truth table 86 | call forward_linear(traininginput(:,4),layerone,layerone_res) 87 | call activate_sigmoid(layerone_res,layerone_res) 88 | call forward_linear(layerone_res,layertwo,output) 89 | call activate_sigmoid(output,output) 90 | !print *,"Test:" 91 | !print *,traininginput(:,4) 92 | !print *,output 93 | 94 | call forward_linear(traininginput(:,3),layerone,layerone_res) 95 | call activate_sigmoid(layerone_res,layerone_res) 96 | call forward_linear(layerone_res,layertwo,output) 97 | call activate_sigmoid(output,output) 98 | !print *,"Test:" 99 | !print *,traininginput(:,3) 100 | !print *,output 101 | 102 | call forward_linear(traininginput(:,2),layerone,layerone_res) 103 | call activate_sigmoid(layerone_res,layerone_res) 104 | call forward_linear(layerone_res,layertwo,output) 105 | call activate_sigmoid(output,output) 106 | !print *,"Test:" 107 | !print *,traininginput(:,2) 108 | !print *,output 109 | 110 | call forward_linear(traininginput(:,1),layerone,layerone_res) 111 | call activate_sigmoid(layerone_res,layerone_res) 112 | call forward_linear(layerone_res,layertwo,output) 113 | call activate_sigmoid(output,output) 114 | !print *,"Test:" 115 | !print *,traininginput(:,1) 116 | !print *,output 117 | 118 | end program 119 | -------------------------------------------------------------------------------- /src/fully_connected.f90: -------------------------------------------------------------------------------- 1 | module fully_connected 2 | use convnet 3 | 4 | implicit none 5 | 6 | type fully_connected_adam 7 | real, dimension(:,:), allocatable::weights 8 | real, dimension(:,:), allocatable::m,v,dweights 9 | end type 10 | 11 | contains 12 | elemental subroutine activate_sigmoid(input,output) 13 | real, intent(in):: input 14 | real, intent(out):: output 15 | output = 1 / (1 + exp(-input)) 16 | end subroutine 17 | 18 | elemental subroutine back_sigmoid(output, error, error_bprop) 19 | real, intent(in):: output, error 20 | real, intent(out):: error_bprop 21 | error_bprop = error*output*(1-output) 22 | end subroutine 23 | 24 | elemental subroutine activate_tanh(input,output) 25 | real, intent(in):: input 26 | real, intent(out):: output 27 | call activate_sigmoid(2*input, output) 28 | output = 2*output - 1 29 | end subroutine 30 | 31 | elemental subroutine back_tanh(output, error, error_bprop) 32 | real, intent(in):: output, error 33 | real, intent(out):: error_bprop 34 | error_bprop = error*(1-output*output) 35 | end subroutine 36 | 37 | pure subroutine forward_linear(input, weights, output) 38 | real,dimension(:), intent(in)::input 39 | real,dimension(:), intent(out) ::output 40 | real,dimension(:,:), intent(in)::weights 41 | output = matmul(input,weights) 42 | end subroutine 43 | 44 | pure subroutine backward_linear(input, weights, err_output, error_bprop, error_weights) 45 | real, dimension(:), intent(in)::input, err_output 46 | real, dimension(:), intent(out) ::error_bprop 47 | real, dimension(:,:), intent(in)::weights 48 | real, dimension(:,:), intent(out)::error_weights 49 | integer, dimension(:), allocatable::shape_w 50 | integer::i, max_w 51 | shape_w = shape(weights) 52 | max_w = shape_w(2) 53 | error_bprop = matmul(err_output,transpose(weights)) 54 | do i = 1, max_w 55 | error_weights(:,i) = input*err_output(i) 56 | end do 57 | end subroutine 58 | 59 | subroutine InitializeFullyConnectedAdam(weight, inputs, outputs) 60 | type(fully_connected_adam) :: weight 61 | integer :: inputs, outputs 62 | allocate(weight%weights(inputs,outputs)) 63 | allocate(weight%m(inputs,outputs)) 64 | allocate(weight%v(inputs,outputs)) 65 | allocate(weight%dweights(inputs,outputs)) 66 | call fillWithZero(weight%m) 67 | call fillWithZero(weight%v) 68 | call fillWithZero(weight%dweights) 69 | call randkernel(weight%weights) 70 | weight%weights = weight%weights * 2/sqrt(real(inputs)) 71 | end subroutine 72 | 73 | subroutine forwardFCA(weights,input, output) 74 | type(fully_connected_adam) :: weights 75 | real, dimension(:) :: input, output 76 | call forward_linear(input, weights%weights, output) 77 | end subroutine 78 | 79 | subroutine backwardUpdateFCA(weights, input, error_in, error_bprop, learning_rate) 80 | type(fully_connected_adam) :: weights 81 | real, dimension(:) :: input, error_in, error_bprop 82 | real :: learning_rate 83 | call backward_linear(input, weights%weights, error_in, error_bprop, weights%dweights) 84 | weights%m = weights%m*0.8 + weights%dweights*0.2 85 | weights%v = weights%v*0.99 + 0.01*(weights%dweights**2) 86 | where(weights%v == 0) weights%v = 1e-3 87 | weights%weights = weights%weights - learning_rate*weights%m/(sqrt(weights%v)) 88 | end subroutine 89 | 90 | elemental subroutine adjusterror(weight, error, randomNoise) 91 | real, intent(in) :: weight, randomNoise 92 | real, intent(inout) :: error 93 | if((weight > 0.99).AND.(error>0)) error = 0 94 | if((weight < -0.99).AND.(error<0)) error = 0 95 | if(abs(error) > 1) then 96 | error = error/REAL(NINT(LOG10(error))) 97 | end if 98 | end subroutine 99 | 100 | subroutine backwardUpdateFCB(weights, input, error_in, error_bprop, learning_rate) 101 | type(fully_connected_adam) :: weights 102 | real, dimension(:) :: input, error_in, error_bprop 103 | real :: learning_rate 104 | call backward_linear(input, weights%weights, error_in, error_bprop, weights%dweights) 105 | call adjusterror(weights%weights,weights%dweights,rand()) 106 | weights%weights = weights%weights - weights%dweights 107 | end subroutine 108 | 109 | subroutine backwardUpdateFCSGD(weights, input, error_in, error_bprop, learning_rate) 110 | type(fully_connected_adam) :: weights 111 | real, dimension(:) :: input, error_in, error_bprop 112 | real :: learning_rate 113 | call backward_linear(input, weights%weights, error_in, error_bprop, weights%dweights) 114 | weights%weights = weights%weights - learning_rate*weights%dweights 115 | end subroutine 116 | 117 | end module 118 | -------------------------------------------------------------------------------- /src/rcimagebasic.f90: -------------------------------------------------------------------------------- 1 | module RCImageBasic 2 | implicit none 3 | 4 | type rgbimage 5 | integer, dimension(:,:), pointer :: red, green, blue 6 | integer :: width, height 7 | end type rgbimage 8 | 9 | type rgb 10 | integer :: red, green, blue 11 | end type rgb 12 | 13 | interface operator (==) 14 | module procedure rgbequal 15 | end interface 16 | 17 | interface operator (.dist.) 18 | module procedure colordistance 19 | end interface 20 | 21 | contains 22 | 23 | subroutine init_img(img) 24 | type(rgbimage), intent(out) :: img 25 | nullify(img%red) 26 | nullify(img%green) 27 | nullify(img%blue) 28 | img%width = 0 29 | img%height = 0 30 | end subroutine init_img 31 | 32 | subroutine set_color(color, red, green, blue) 33 | type(rgb), intent(out) :: color 34 | integer, intent(in) :: red, green, blue 35 | if ( red > 255 ) then 36 | color%red = 255 37 | elseif ( red < 0 ) then 38 | color%red = 0 39 | else 40 | color%red = red 41 | end if 42 | if ( green > 255 ) then 43 | color%green = 255 44 | elseif ( green < 0 ) then 45 | color%green = 0 46 | else 47 | color%green = green 48 | end if 49 | if ( blue > 255 ) then 50 | color%blue = 255 51 | elseif ( blue < 0 ) then 52 | color%blue = 0 53 | else 54 | color%blue = blue 55 | end if 56 | end subroutine set_color 57 | 58 | function colordistance(c1, c2) result(res) 59 | real :: res 60 | type(rgb), intent(in) :: c1, c2 61 | res = sqrt( real(c1%red - c2%red)**2 + real(c1%green - c2%green)**2 + & 62 | real(c1%blue - c2%blue)**2 ) / ( 256.0*sqrt(3.0) ) 63 | end function colordistance 64 | 65 | function rgbequal(c1, c2) 66 | logical :: rgbequal 67 | type(rgb), intent(in) :: c1, c2 68 | rgbequal = .true. 69 | if ( (c1%red == c2%red) .and. (c1%green == c2%green) .and. & 70 | (c1%blue == c2%blue) ) return 71 | rgbequal = .false. 72 | end function rgbequal 73 | 74 | function inside_image(img, x, y) result(r) 75 | logical :: r 76 | type(rgbimage), intent(in) :: img 77 | integer, intent(in) :: x, y 78 | 79 | r = .false. 80 | if ( (x < img%width) .and. ( y < img%height ) .and. & 81 | (x >= 0 ) .and. ( y >= 0 ) ) then 82 | r = .true. 83 | end if 84 | end function inside_image 85 | 86 | function valid_image(img) result(r) 87 | logical :: r 88 | type(rgbimage) :: img 89 | 90 | r = .false. 91 | if ( img%width == 0 ) return 92 | if ( img%height == 0 ) return 93 | if ( .not. associated(img%red) .and. .not. associated(img%green) .and. & 94 | .not. associated(img%blue) ) return 95 | r = .true. 96 | end function valid_image 97 | 98 | subroutine normalize_img(img) 99 | type(rgbimage), intent(inout) :: img 100 | 101 | where ( img%red > 255 ) 102 | img%red = 255 103 | elsewhere ( img%red < 0 ) 104 | img%red = 0 105 | end where 106 | where ( img%green > 255 ) 107 | img%green = 255 108 | elsewhere ( img%green < 0 ) 109 | img%green = 0 110 | end where 111 | where ( img%blue > 255 ) 112 | img%blue = 255 113 | elsewhere ( img%blue < 0 ) 114 | img%blue = 0 115 | end where 116 | end subroutine normalize_img 117 | 118 | subroutine alloc_img(img, w, h) 119 | type(rgbimage) :: img 120 | integer, intent(in) :: w, h 121 | 122 | allocate(img%red(w, h)) 123 | allocate(img%green(w, h)) 124 | allocate(img%blue(w, h)) 125 | img%width = w 126 | img%height = h 127 | end subroutine alloc_img 128 | 129 | subroutine free_img(img) 130 | type(rgbimage) :: img 131 | 132 | if ( associated(img%red) ) deallocate(img%red) 133 | if ( associated(img%green) ) deallocate(img%green) 134 | if ( associated(img%blue) ) deallocate(img%blue) 135 | end subroutine free_img 136 | 137 | subroutine fill_img(img, color) 138 | type(rgbimage), intent(inout) :: img 139 | type(rgb), intent(in) :: color 140 | 141 | if ( valid_image(img) ) then 142 | img%red = mod(abs(color%red), 256) 143 | img%green = mod(abs(color%green), 256) 144 | img%blue = mod(abs(color%blue), 256) 145 | end if 146 | end subroutine fill_img 147 | 148 | subroutine put_pixel(img, x, y, color) 149 | type(rgbimage), intent(inout) :: img 150 | integer, intent(in) :: x, y 151 | type(rgb), intent(in) :: color 152 | 153 | if ( inside_image(img, x, y) .and. valid_image(img)) then 154 | img%red(x+1,y+1) = mod(abs(color%red), 256) 155 | img%green(x+1, y+1) = mod(abs(color%green), 256) 156 | img%blue(x+1, y+1) = mod(abs(color%blue), 256) 157 | end if 158 | end subroutine put_pixel 159 | 160 | subroutine get_pixel(img, x, y, color) 161 | type(rgbimage), intent(in) :: img 162 | integer, intent(in) :: x, y 163 | type(rgb), intent(out) :: color 164 | 165 | if ( inside_image(img, x, y) .and. valid_image(img)) then 166 | color%red = img%red(x+1, y+1) 167 | color%green = img%green(x+1, y+1) 168 | color%blue = img%blue(x+1, y+1) 169 | else 170 | color%red = 0 171 | color%green = 0 172 | color%blue = 0 173 | end if 174 | end subroutine get_pixel 175 | 176 | end module RCImageBasic 177 | -------------------------------------------------------------------------------- /src/convnet.f90: -------------------------------------------------------------------------------- 1 | !! This package contains primitives to work with convolution networks 2 | module convnet 3 | implicit none 4 | 5 | type ConvPool 6 | real, dimension(:,:,:), allocatable::input_image, back_prop 7 | real, dimension(:,:,:,:), allocatable::kernels, w_error 8 | real, dimension(:,:), allocatable::cache 9 | real, dimension(:,:,:), allocatable::outconv, e_cache 10 | real, dimension(:,:,:), allocatable::error,output 11 | end type 12 | contains 13 | subroutine convolve(input, kernel, output, success) 14 | !Arguments 15 | real,dimension(:,:) :: input,kernel 16 | real,dimension(:,:),intent(inout) :: output 17 | logical,intent(out) :: success 18 | !Local variables 19 | integer :: i,j,k,m,bounds 20 | integer,dimension(:),allocatable :: kernel_shape, input_shape 21 | !Initialize 22 | success = .FALSE. 23 | kernel_shape = shape(kernel) 24 | input_shape = shape(input) 25 | bounds = (kernel_shape(1) - 1)/2 26 | do i = bounds,input_shape(1)-bounds 27 | do j = bounds,input_shape(2)-bounds 28 | do k = -bounds,bounds 29 | do m = -bounds,bounds 30 | output(i,j) = kernel(k+bounds+1,m+bounds+1)*input(i+k,j+m)+output(i,j) 31 | end do 32 | end do 33 | end do 34 | end do 35 | success = .TRUE. 36 | end subroutine convolve 37 | 38 | subroutine convolve_flipped(input, kernel, output, success) 39 | !Arguments 40 | real,dimension(:,:) :: input,kernel 41 | real,dimension(:,:),intent(inout) :: output 42 | logical,intent(out) :: success 43 | !Local variables 44 | integer :: i,j,k,m,bounds 45 | integer,dimension(:),allocatable :: kernel_shape, input_shape 46 | !Initialize 47 | success = .FALSE. 48 | kernel_shape = shape(kernel) 49 | input_shape = shape(input) 50 | bounds = (kernel_shape(1) - 1)/2 51 | do i = bounds,input_shape(1)-bounds 52 | do j = bounds,input_shape(2)-bounds 53 | do k = -bounds,bounds 54 | do m = -bounds,bounds 55 | output(i,j) = kernel(k+bounds+1,m+bounds+1)*input(i-k,j-m)+output(i,j) 56 | end do 57 | end do 58 | end do 59 | end do 60 | success = .TRUE. 61 | end subroutine convolve_flipped 62 | 63 | subroutine back_convolve(input, errors, output, success) 64 | !Arguments 65 | real, dimension(:,:)::input,errors 66 | real, dimension(:,:),intent(inout)::output 67 | logical, intent(out)::success 68 | !Local variables 69 | integer :: i,j,k,m,bounds 70 | integer,dimension(:),allocatable :: kernel_shape, input_shape 71 | real :: totalerr 72 | 73 | success = .FALSE. 74 | kernel_shape = shape(output) 75 | input_shape = shape(input) 76 | bounds = (kernel_shape(1)-1)/2 77 | do k = -bounds,bounds 78 | do m = -bounds,bounds 79 | totalerr = 0 80 | do i = bounds,input_shape(1)-bounds 81 | do j = bounds,input_shape(2)-bounds 82 | totalerr = input(i,j)*errors(i+k,j+m) 83 | end do 84 | end do 85 | output(k+bounds,m+bounds) = totalerr 86 | end do 87 | end do 88 | success = .TRUE. 89 | end subroutine back_convolve 90 | 91 | subroutine maxpool(input,stride,output,pointlist) 92 | !Arguments 93 | real, dimension(:,:)::input 94 | real, dimension(:,:), intent(out):: output 95 | complex, dimension(:,:), intent(out):: pointlist 96 | integer::stride 97 | !Local variables 98 | integer,dimension(:),allocatable :: input_shape, output_shape, tmparr 99 | integer::i,j,k,l,max 100 | max = 0 101 | input_shape = shape(input) 102 | output_shape = shape(output) 103 | !print *,stride 104 | do i = 1, output_shape(1) 105 | do j = 1, output_shape(2) 106 | output(i,j) = maxval(input((i-1)*stride+1:i*stride, (j-1)*stride+1:j*stride)) 107 | tmparr = maxloc(input((i-1)*stride+1:i*stride, (j-1)*stride+1:j*stride)) 108 | pointlist(i,j) = cmplx((i-1)*stride+1+tmparr(1)-1, (j-1)*stride+1+tmparr(2)-1) 109 | end do 110 | end do 111 | end subroutine maxpool 112 | 113 | subroutine back_maxpool(error, pointlist, output) 114 | !Arguments 115 | real, dimension(:,:)::error 116 | real, dimension(:,:), intent(out):: output 117 | complex, dimension(:,:), intent(out):: pointlist 118 | !Local variables 119 | integer::i,j 120 | integer, dimension(:), allocatable::size_error 121 | complex::maxpt 122 | size_error = shape(error) 123 | do i = 1,size_error(1) 124 | do j = 1,size_error(2) 125 | maxpt = pointlist(i,j) 126 | !print *, maxpt 127 | output(int(real(maxpt)),int(aimag(maxpt))) = error(i,j) 128 | end do 129 | end do 130 | end subroutine 131 | 132 | subroutine randkernel(kernel) 133 | real, dimension(:,:), intent(inout)::kernel 134 | integer:: i,j 135 | integer, dimension(:), allocatable::size_kern 136 | size_kern = shape(kernel) 137 | do i= 1,size_kern(1) 138 | do j=1,size_kern(2) 139 | kernel(i,j) = 0.5-rand() 140 | end do 141 | end do 142 | end subroutine 143 | 144 | subroutine fillWithZero(matrix) 145 | real, dimension(:,:)::matrix 146 | integer, dimension(:), allocatable :: shape_mat 147 | integer i,j 148 | shape_mat = shape(matrix) 149 | do i = 1,shape_mat(1) 150 | do j = 1,shape_mat(2) 151 | matrix(i,j) = 0 152 | end do 153 | end do 154 | end subroutine 155 | 156 | subroutine initConvPool(weights) 157 | real, dimension(:,:,:,:)::weights 158 | integer::input_channels, outputchannels,i,j 159 | integer, dimension(:), allocatable::weight_dim 160 | weight_dim = shape(weights) 161 | input_channels = weight_dim(2) 162 | outputchannels = weight_dim(1) 163 | do i=1,outputchannels 164 | do j=1,input_channels 165 | call randkernel(weights(i,j,:,:)) 166 | end do 167 | end do 168 | end subroutine 169 | 170 | elemental subroutine reLU(input) 171 | real, intent(inout)::input 172 | if (input<0) then 173 | input = 0 174 | end if 175 | end subroutine 176 | 177 | subroutine backConvPool(input, output,error, weights, w_error, e_cache,pointlist,back_prop) 178 | real, dimension(:,:,:):: input, output, error, back_prop, e_cache 179 | real, dimension(:,:,:,:):: weights, w_error 180 | complex, dimension(:,:,:)::pointlist 181 | !local variablex 182 | integer input_channels, output_channels, i, j 183 | integer, dimension(:), allocatable::shape_in, shape_out 184 | logical success 185 | shape_in = shape(input) 186 | input_channels = shape_in(1) 187 | shape_out = shape(output) 188 | output_channels = shape_out(1) 189 | do i = 1,output_channels 190 | call back_maxpool(error(i,:,:),pointlist(i,:,:),e_cache(i,:,:)) 191 | do j = 1,input_channels 192 | call back_convolve(input(j,:,:), e_cache(i,:,:), w_error(i,j,:,:), success) 193 | call convolve_flipped(error(i,:,:),weights(i,j,:,:),back_prop(j,:,:), success) 194 | end do 195 | end do 196 | end subroutine 197 | 198 | subroutine runConvPool(input,weights,stride, out_cache,output_conv, output_pool, pointlist) 199 | !Arguments 200 | real, dimension(:,:,:,:)::weights 201 | real, dimension(:,:,:)::input 202 | real, dimension(:,:,:)::output_conv, output_pool 203 | real, dimension(:,:)::out_cache 204 | complex, dimension(:,:,:), intent(out):: pointlist 205 | integer::stride 206 | !Local variables 207 | integer, dimension(:), allocatable::input_size 208 | integer::inpchannels,outpchannels,i,j 209 | logical::success 210 | input_size = shape(weights) 211 | outpchannels = input_size(1) 212 | inpchannels = input_size(2) 213 | do i = 1,outpchannels 214 | do j = 1,inpchannels 215 | call convolve(input(j,:,:),weights(i,j,:,:),out_cache,success) 216 | call reLU(out_cache) 217 | call maxpool(out_cache, stride, output_pool(i,:,:), pointlist(i,:,:)) 218 | output_conv(i,:,:) = output_conv(i,:,:) + out_cache 219 | end do 220 | end do 221 | end subroutine 222 | 223 | subroutine runConvRelu(input,weights,stride, out_cache, output_conv, output_pool) 224 | !Arguments 225 | real, dimension(:,:,:,:)::weights 226 | real, dimension(:,:,:)::input 227 | real, dimension(:,:,:), target::output_conv, output_pool 228 | real, dimension(:,:)::out_cache 229 | integer::stride 230 | !Local variables 231 | integer, dimension(:), allocatable::input_size 232 | integer::inpchannels,outpchannels,i,j 233 | logical::success 234 | input_size = shape(weights) 235 | outpchannels = input_size(1) 236 | inpchannels = input_size(2) 237 | do i = 1,outpchannels 238 | do j = 1,inpchannels 239 | call convolve(input(j,:,:),weights(i,j,:,:),out_cache,success) 240 | call reLU(out_cache) 241 | output_conv(i,:,:) = output_conv(i,:,:) + out_cache 242 | end do 243 | end do 244 | end subroutine 245 | 246 | end module 247 | -------------------------------------------------------------------------------- /sgd.csv: -------------------------------------------------------------------------------- 1 | 2 | 3 | 4 | 2.00311708 5 | 2.00311399 6 | 2.00311089 7 | 2.00310755 8 | 2.00310469 9 | 2.00310159 10 | 2.00309873 11 | 2.00309563 12 | 2.00309277 13 | 2.00308990 14 | 2.00308704 15 | 2.00308394 16 | 2.00308132 17 | 2.00307846 18 | 2.00307584 19 | 2.00307322 20 | 2.00307035 21 | 2.00306773 22 | 2.00306511 23 | 2.00306273 24 | 2.00305986 25 | 2.00305724 26 | 2.00305486 27 | 2.00305223 28 | 2.00304985 29 | 2.00304747 30 | 2.00304508 31 | 2.00304270 32 | 2.00304031 33 | 2.00303793 34 | 2.00303555 35 | 2.00303340 36 | 2.00303125 37 | 2.00302887 38 | 2.00302672 39 | 2.00302458 40 | 2.00302243 41 | 2.00302029 42 | 2.00301814 43 | 2.00301600 44 | 2.00301385 45 | 2.00301194 46 | 2.00301003 47 | 2.00300789 48 | 2.00300598 49 | 2.00300384 50 | 2.00300193 51 | 2.00300026 52 | 2.00299835 53 | 2.00299644 54 | 2.00299454 55 | 2.00299263 56 | 2.00299096 57 | 2.00298905 58 | 2.00298738 59 | 2.00298548 60 | 2.00298381 61 | 2.00298214 62 | 2.00298047 63 | 2.00297880 64 | 2.00297737 65 | 2.00297546 66 | 2.00297403 67 | 2.00297236 68 | 2.00297070 69 | 2.00296903 70 | 2.00296760 71 | 2.00296593 72 | 2.00296450 73 | 2.00296307 74 | 2.00296140 75 | 2.00295997 76 | 2.00295877 77 | 2.00295687 78 | 2.00295568 79 | 2.00295424 80 | 2.00295281 81 | 2.00295138 82 | 2.00294995 83 | 2.00294876 84 | 2.00294733 85 | 2.00294590 86 | 2.00294471 87 | 2.00294352 88 | 2.00294209 89 | 2.00294065 90 | 2.00293970 91 | 2.00293827 92 | 2.00293708 93 | 2.00293589 94 | 2.00293469 95 | 2.00293350 96 | 2.00293255 97 | 2.00293112 98 | 2.00292993 99 | 2.00292897 100 | 2.00292754 101 | 2.00292659 102 | 2.00292540 103 | 2.00292420 104 | 2.00292325 105 | 2.00292230 106 | 2.00292110 107 | 2.00291991 108 | 2.00291896 109 | 2.00291777 110 | 2.00291705 111 | 2.00291586 112 | 2.00291491 113 | 2.00291395 114 | 2.00291300 115 | 2.00291181 116 | 2.00291109 117 | 2.00291014 118 | 2.00290918 119 | 2.00290823 120 | 2.00290728 121 | 2.00290632 122 | 2.00290537 123 | 2.00290465 124 | 2.00290370 125 | 2.00290275 126 | 2.00290203 127 | 2.00290108 128 | 2.00290036 129 | 2.00289941 130 | 2.00289845 131 | 2.00289774 132 | 2.00289679 133 | 2.00289607 134 | 2.00289536 135 | 2.00289440 136 | 2.00289369 137 | 2.00289297 138 | 2.00289202 139 | 2.00289130 140 | 2.00289059 141 | 2.00288987 142 | 2.00288916 143 | 2.00288844 144 | 2.00288749 145 | 2.00288701 146 | 2.00288630 147 | 2.00288558 148 | 2.00288486 149 | 2.00288415 150 | 2.00288343 151 | 2.00288272 152 | 2.00288200 153 | 2.00288129 154 | 2.00288057 155 | 2.00288010 156 | 2.00287914 157 | 2.00287867 158 | 2.00287819 159 | 2.00287747 160 | 2.00287676 161 | 2.00287628 162 | 2.00287557 163 | 2.00287485 164 | 2.00287437 165 | 2.00287390 166 | 2.00287318 167 | 2.00287271 168 | 2.00287199 169 | 2.00287127 170 | 2.00287104 171 | 2.00287032 172 | 2.00286961 173 | 2.00286913 174 | 2.00286865 175 | 2.00286818 176 | 2.00286770 177 | 2.00286698 178 | 2.00286651 179 | 2.00286579 180 | 2.00286531 181 | 2.00286508 182 | 2.00286436 183 | 2.00286388 184 | 2.00286341 185 | 2.00286293 186 | 2.00286245 187 | 2.00286174 188 | 2.00286150 189 | 2.00286102 190 | 2.00286031 191 | 2.00286007 192 | 2.00285959 193 | 2.00285888 194 | 2.00285840 195 | 2.00285816 196 | 2.00285745 197 | 2.00285721 198 | 2.00285673 199 | 2.00285625 200 | 2.00285578 201 | 2.00285554 202 | 2.00285506 203 | 2.00285435 204 | 2.00285411 205 | 2.00285387 206 | 2.00285316 207 | 2.00285292 208 | 2.00285244 209 | 2.00285196 210 | 2.00285172 211 | 2.00285125 212 | 2.00285077 213 | 2.00285053 214 | 2.00284982 215 | 2.00284982 216 | 2.00284934 217 | 2.00284886 218 | 2.00284863 219 | 2.00284815 220 | 2.00284767 221 | 2.00284743 222 | 2.00284696 223 | 2.00284672 224 | 2.00284648 225 | 2.00284600 226 | 2.00284553 227 | 2.00284529 228 | 2.00284481 229 | 2.00284433 230 | 2.00284433 231 | 2.00284386 232 | 2.00284362 233 | 2.00284314 234 | 2.00284290 235 | 2.00284243 236 | 2.00284219 237 | 2.00284195 238 | 2.00284147 239 | 2.00284123 240 | 2.00284076 241 | 2.00284052 242 | 2.00284004 243 | 2.00283980 244 | 2.00283957 245 | 2.00283909 246 | 2.00283885 247 | 2.00283861 248 | 2.00283837 249 | 2.00283813 250 | 2.00283790 251 | 2.00283742 252 | 2.00283718 253 | 2.00283670 254 | 2.00283670 255 | 2.00283623 256 | 2.00283623 257 | 2.00283551 258 | 2.00283551 259 | 2.00283504 260 | 2.00283480 261 | 2.00283456 262 | 2.00283432 263 | 2.00283384 264 | 2.00283360 265 | 2.00283337 266 | 2.00283313 267 | 2.00283289 268 | 2.00283265 269 | 2.00283241 270 | 2.00283194 271 | 2.00283194 272 | 2.00283170 273 | 2.00283122 274 | 2.00283122 275 | 2.00283074 276 | 2.00283051 277 | 2.00283051 278 | 2.00283003 279 | 2.00282979 280 | 2.00282955 281 | 2.00282931 282 | 2.00282907 283 | 2.00282860 284 | 2.00282860 285 | 2.00282860 286 | 2.00282812 287 | 2.00282788 288 | 2.00282764 289 | 2.00282741 290 | 2.00282717 291 | 2.00282693 292 | 2.00282669 293 | 2.00282645 294 | 2.00282621 295 | 2.00282574 296 | 2.00282574 297 | 2.00282550 298 | 2.00282526 299 | 2.00282526 300 | 2.00282478 301 | 2.00282478 302 | 2.00282454 303 | 2.00282431 304 | 2.00282407 305 | 2.00282383 306 | 2.00282359 307 | 2.00282335 308 | 2.00282311 309 | 2.00282288 310 | 2.00282288 311 | 2.00282240 312 | 2.00282240 313 | 2.00282216 314 | 2.00282168 315 | 2.00282168 316 | 2.00282145 317 | 2.00282121 318 | 2.00282097 319 | 2.00282073 320 | 2.00282073 321 | 2.00282049 322 | 2.00282025 323 | 2.00282001 324 | 2.00282001 325 | 2.00281954 326 | 2.00281954 327 | 2.00281930 328 | 2.00281906 329 | 2.00281906 330 | 2.00281882 331 | 2.00281835 332 | 2.00281811 333 | 2.00281811 334 | 2.00281787 335 | 2.00281787 336 | 2.00281763 337 | 2.00281739 338 | 2.00281715 339 | 2.00281692 340 | 2.00281668 341 | 2.00281668 342 | 2.00281644 343 | 2.00281620 344 | 2.00281620 345 | 2.00281572 346 | 2.00281572 347 | 2.00281549 348 | 2.00281525 349 | 2.00281501 350 | 2.00281501 351 | 2.00281477 352 | 2.00281453 353 | 2.00281429 354 | 2.00281429 355 | 2.00281405 356 | 2.00281382 357 | 2.00281382 358 | 2.00281334 359 | 2.00281334 360 | 2.00281334 361 | 2.00281310 362 | 2.00281286 363 | 2.00281262 364 | 2.00281262 365 | 2.00281215 366 | 2.00281215 367 | 2.00281191 368 | 2.00281191 369 | 2.00281167 370 | 2.00281143 371 | 2.00281119 372 | 2.00281119 373 | 2.00281096 374 | 2.00281096 375 | 2.00281048 376 | 2.00281048 377 | 2.00281024 378 | 2.00281000 379 | 2.00281000 380 | 2.00280976 381 | 2.00280976 382 | 2.00280952 383 | 2.00280929 384 | 2.00280929 385 | 2.00280905 386 | 2.00280857 387 | 2.00280881 388 | 2.00280857 389 | 2.00280809 390 | 2.00280833 391 | 2.00280809 392 | 2.00280786 393 | 2.00280786 394 | 2.00280762 395 | 2.00280714 396 | 2.00280714 397 | 2.00280690 398 | 2.00280666 399 | 2.00280690 400 | 2.00280666 401 | 2.00280666 402 | 2.00280619 403 | 2.00280619 404 | 2.00280619 405 | 2.00280571 406 | 2.00280571 407 | 2.00280547 408 | 2.00280523 409 | 2.00280523 410 | 2.00280523 411 | 2.00280499 412 | 2.00280476 413 | 2.00280452 414 | 2.00280452 415 | 2.00280428 416 | 2.00280404 417 | 2.00280428 418 | 2.00280404 419 | 2.00280380 420 | 2.00280356 421 | 2.00280333 422 | 2.00280333 423 | 2.00280309 424 | 2.00280309 425 | 2.00280285 426 | 2.00280261 427 | 2.00280237 428 | 2.00280237 429 | 2.00280213 430 | 2.00280213 431 | 2.00280190 432 | 2.00280190 433 | 2.00280166 434 | 2.00280142 435 | 2.00280142 436 | 2.00280118 437 | 2.00280094 438 | 2.00280094 439 | 2.00280070 440 | 2.00280070 441 | 2.00280046 442 | 2.00280023 443 | 2.00280023 444 | 2.00279999 445 | 2.00279975 446 | 2.00279999 447 | 2.00279951 448 | 2.00279951 449 | 2.00279927 450 | 2.00279927 451 | 2.00279903 452 | 2.00279880 453 | 2.00279880 454 | 2.00279856 455 | 2.00279856 456 | 2.00279808 457 | 2.00279832 458 | 2.00279808 459 | 2.00279784 460 | 2.00279784 461 | 2.00279760 462 | 2.00279760 463 | 2.00279760 464 | 2.00279713 465 | 2.00279713 466 | 2.00279713 467 | 2.00279689 468 | 2.00279665 469 | 2.00279665 470 | 2.00279641 471 | 2.00279593 472 | 2.00279617 473 | 2.00279593 474 | 2.00279570 475 | 2.00279570 476 | 2.00279570 477 | 2.00279546 478 | 2.00279522 479 | 2.00279522 480 | 2.00279474 481 | 2.00279474 482 | 2.00279474 483 | 2.00279474 484 | 2.00279427 485 | 2.00279427 486 | 2.00279427 487 | 2.00279379 488 | 2.00279379 489 | 2.00279379 490 | 2.00279355 491 | 2.00279355 492 | 2.00279331 493 | 2.00279307 494 | 2.00279307 495 | 2.00279284 496 | 2.00279284 497 | 2.00279260 498 | 2.00279260 499 | 2.00279236 500 | 2.00279236 501 | 2.00279212 502 | 2.00279188 503 | 2.00279188 504 | 2.00279188 505 | 2.00279164 506 | 2.00279140 507 | 2.00279140 508 | 2.00279140 509 | 2.00279117 510 | 2.00279093 511 | 2.00279069 512 | 2.00279069 513 | 2.00279045 514 | 2.00279045 515 | 2.00279021 516 | 2.00279021 517 | 2.00278997 518 | 2.00278997 519 | 2.00278974 520 | 2.00278950 521 | 2.00278950 522 | 2.00278926 523 | 2.00278926 524 | 2.00278902 525 | 2.00278902 526 | 2.00278902 527 | 2.00278854 528 | 2.00278854 529 | 2.00278831 530 | 2.00278831 531 | 2.00278807 532 | 2.00278807 533 | 2.00278783 534 | 2.00278759 535 | 2.00278759 536 | 2.00278735 537 | 2.00278735 538 | 2.00278711 539 | 2.00278711 540 | 2.00278664 541 | 2.00278687 542 | 2.00278664 543 | 2.00278640 544 | 2.00278640 545 | 2.00278616 546 | 2.00278616 547 | 2.00278616 548 | 2.00278568 549 | 2.00278568 550 | 2.00278568 551 | 2.00278568 552 | 2.00278521 553 | 2.00278521 554 | 2.00278521 555 | 2.00278497 556 | 2.00278473 557 | 2.00278473 558 | 2.00278449 559 | 2.00278449 560 | 2.00278425 561 | 2.00278425 562 | 2.00278401 563 | 2.00278378 564 | 2.00278378 565 | 2.00278354 566 | 2.00278354 567 | 2.00278330 568 | 2.00278330 569 | 2.00278306 570 | 2.00278306 571 | 2.00278282 572 | 2.00278282 573 | 2.00278258 574 | 2.00278258 575 | 2.00278234 576 | 2.00278234 577 | 2.00278211 578 | 2.00278187 579 | 2.00278187 580 | 2.00278187 581 | 2.00278139 582 | 2.00278139 583 | 2.00278115 584 | 2.00278115 585 | 2.00278091 586 | 2.00278091 587 | 2.00278068 588 | 2.00278068 589 | 2.00278068 590 | 2.00278044 591 | 2.00278020 592 | 2.00277996 593 | 2.00277996 594 | 2.00277972 595 | 2.00277972 596 | 2.00277948 597 | 2.00277948 598 | 2.00277948 599 | 2.00277901 600 | 2.00277901 601 | 2.00277901 602 | 2.00277877 603 | 2.00277853 604 | 2.00277853 605 | 2.00277853 606 | 2.00277805 607 | 2.00277829 608 | 2.00277805 609 | 2.00277758 610 | 2.00277758 611 | 2.00277758 612 | 2.00277758 613 | 2.00277734 614 | 2.00277734 615 | 2.00277710 616 | 2.00277710 617 | 2.00277686 618 | 2.00277662 619 | 2.00277662 620 | 2.00277662 621 | 2.00277615 622 | 2.00277615 623 | 2.00277591 624 | 2.00277591 625 | 2.00277567 626 | 2.00277567 627 | 2.00277567 628 | 2.00277543 629 | 2.00277519 630 | 2.00277519 631 | 2.00277495 632 | 2.00277472 633 | 2.00277472 634 | 2.00277472 635 | 2.00277448 636 | 2.00277448 637 | 2.00277424 638 | 2.00277424 639 | 2.00277400 640 | 2.00277376 641 | 2.00277376 642 | 2.00277376 643 | 2.00277352 644 | 2.00277328 645 | 2.00277328 646 | 2.00277305 647 | 2.00277281 648 | 2.00277281 649 | 2.00277281 650 | 2.00277257 651 | 2.00277233 652 | 2.00277233 653 | 2.00277209 654 | 2.00277185 655 | 2.00277185 656 | 2.00277185 657 | 2.00277162 658 | 2.00277162 659 | 2.00277138 660 | 2.00277138 661 | 2.00277114 662 | 2.00277114 663 | 2.00277090 664 | 2.00277090 665 | 2.00277066 666 | 2.00277066 667 | 2.00277042 668 | 2.00277019 669 | 2.00276995 670 | 2.00276995 671 | 2.00276995 672 | 2.00276971 673 | 2.00276971 674 | 2.00276947 675 | 2.00276923 676 | 2.00276923 677 | 2.00276899 678 | 2.00276899 679 | 2.00276875 680 | 2.00276875 681 | 2.00276875 682 | 2.00276828 683 | 2.00276828 684 | 2.00276828 685 | 2.00276804 686 | 2.00276804 687 | 2.00276780 688 | 2.00276756 689 | 2.00276756 690 | 2.00276732 691 | 2.00276732 692 | 2.00276709 693 | 2.00276685 694 | 2.00276685 695 | 2.00276685 696 | 2.00276661 697 | 2.00276637 698 | 2.00276637 699 | 2.00276637 700 | 2.00276613 701 | 2.00276589 702 | 2.00276566 703 | 2.00276566 704 | 2.00276542 705 | 2.00276542 706 | 2.00276518 707 | 2.00276494 708 | 2.00276494 709 | 2.00276494 710 | 2.00276470 711 | 2.00276470 712 | 2.00276470 713 | 2.00276470 714 | 2.00276423 715 | 2.00276423 716 | 2.00276423 717 | 2.00276375 718 | 2.00276375 719 | 2.00276375 720 | 2.00276375 721 | 2.00276327 722 | 2.00276327 723 | 2.00276303 724 | 2.00276303 725 | 2.00276279 726 | 2.00276279 727 | 2.00276256 728 | 2.00276232 729 | 2.00276232 730 | 2.00276232 731 | 2.00276232 732 | 2.00276208 733 | 2.00276184 734 | 2.00276184 735 | 2.00276184 736 | 2.00276136 737 | 2.00276136 738 | 2.00276113 739 | 2.00276089 740 | 2.00276089 741 | 2.00276089 742 | 2.00276065 743 | 2.00276065 744 | 2.00276041 745 | 2.00276017 746 | 2.00276017 747 | 2.00276017 748 | 2.00275993 749 | 2.00275993 750 | 2.00275946 751 | 2.00275970 752 | 2.00275946 753 | 2.00275922 754 | 2.00275922 755 | 2.00275898 756 | 2.00275898 757 | 2.00275874 758 | 2.00275850 759 | 2.00275850 760 | 2.00275826 761 | 2.00275826 762 | 2.00275803 763 | 2.00275779 764 | 2.00275779 765 | 2.00275779 766 | 2.00275755 767 | 2.00275755 768 | 2.00275731 769 | 2.00275731 770 | 2.00275707 771 | 2.00275707 772 | 2.00275683 773 | 2.00275660 774 | 2.00275660 775 | 2.00275636 776 | 2.00275636 777 | 2.00275612 778 | 2.00275612 779 | 2.00275588 780 | 2.00275564 781 | 2.00275564 782 | 2.00275564 783 | 2.00275540 784 | 2.00275517 785 | 2.00275493 786 | 2.00275493 787 | 2.00275493 788 | 2.00275469 789 | 2.00275445 790 | 2.00275445 791 | 2.00275445 792 | 2.00275421 793 | 2.00275421 794 | 2.00275373 795 | 2.00275373 796 | 2.00275373 797 | 2.00275350 798 | 2.00275326 799 | 2.00275326 800 | 2.00275302 801 | 2.00275302 802 | 2.00275302 803 | 2.00275278 804 | 2.00275254 805 | 2.00275254 806 | 2.00275230 807 | 2.00275207 808 | 2.00275207 809 | 2.00275183 810 | 2.00275183 811 | 2.00275159 812 | 2.00275159 813 | 2.00275159 814 | 2.00275135 815 | 2.00275111 816 | 2.00275111 817 | 2.00275087 818 | 2.00275064 819 | 2.00275064 820 | 2.00275064 821 | 2.00275040 822 | 2.00275040 823 | 2.00275016 824 | 2.00274992 825 | 2.00274968 826 | 2.00274992 827 | 2.00274968 828 | 2.00274944 829 | 2.00274944 830 | 2.00274920 831 | 2.00274897 832 | 2.00274897 833 | 2.00274897 834 | 2.00274873 835 | 2.00274873 836 | 2.00274849 837 | 2.00274825 838 | 2.00274825 839 | 2.00274801 840 | 2.00274801 841 | 2.00274801 842 | 2.00274777 843 | 2.00274754 844 | 2.00274730 845 | 2.00274706 846 | 2.00274706 847 | 2.00274706 848 | 2.00274682 849 | 2.00274658 850 | 2.00274658 851 | 2.00274658 852 | 2.00274634 853 | 2.00274611 854 | 2.00274611 855 | 2.00274611 856 | 2.00274587 857 | 2.00274563 858 | 2.00274563 859 | 2.00274563 860 | 2.00274539 861 | 2.00274515 862 | 2.00274491 863 | 2.00274491 864 | 2.00274467 865 | 2.00274467 866 | 2.00274467 867 | 2.00274444 868 | 2.00274420 869 | 2.00274396 870 | 2.00274396 871 | 2.00274396 872 | 2.00274372 873 | 2.00274372 874 | 2.00274348 875 | 2.00274324 876 | 2.00274324 877 | 2.00274301 878 | 2.00274301 879 | 2.00274277 880 | 2.00274253 881 | 2.00274229 882 | 2.00274229 883 | 2.00274229 884 | 2.00274205 885 | 2.00274205 886 | 2.00274181 887 | 2.00274181 888 | 2.00274158 889 | 2.00274134 890 | 2.00274134 891 | 2.00274134 892 | 2.00274110 893 | 2.00274086 894 | 2.00274086 895 | 2.00274062 896 | 2.00274062 897 | 2.00274038 898 | 2.00274038 899 | 2.00274014 900 | 2.00273991 901 | 2.00273991 902 | 2.00273991 903 | 2.00273967 904 | 2.00273943 905 | 2.00273943 906 | 2.00273919 907 | 2.00273919 908 | 2.00273895 909 | 2.00273895 910 | 2.00273871 911 | 2.00273848 912 | 2.00273848 913 | 2.00273824 914 | 2.00273824 915 | 2.00273800 916 | 2.00273800 917 | 2.00273776 918 | 2.00273776 919 | 2.00273752 920 | 2.00273752 921 | 2.00273705 922 | 2.00273705 923 | 2.00273705 924 | 2.00273705 925 | 2.00273657 926 | 2.00273657 927 | 2.00273633 928 | 2.00273633 929 | 2.00273633 930 | 2.00273609 931 | 2.00273585 932 | 2.00273561 933 | 2.00273585 934 | 2.00273585 935 | 2.00273561 936 | 2.00273538 937 | 2.00273538 938 | 2.00273490 939 | 2.00273490 940 | 2.00273490 941 | 2.00273466 942 | 2.00273442 943 | 2.00273418 944 | 2.00273442 945 | 2.00273418 946 | 2.00273418 947 | 2.00273395 948 | 2.00273371 949 | 2.00273371 950 | 2.00273371 951 | 2.00273347 952 | 2.00273323 953 | 2.00273299 954 | 2.00273299 955 | 2.00273275 956 | 2.00273252 957 | 2.00273252 958 | 2.00273228 959 | 2.00273252 960 | 2.00273204 961 | 2.00273204 962 | 2.00273180 963 | 2.00273180 964 | 2.00273156 965 | 2.00273156 966 | 2.00273132 967 | 2.00273108 968 | 2.00273108 969 | 2.00273108 970 | 2.00273085 971 | 2.00273061 972 | 2.00273061 973 | 2.00273037 974 | 2.00273013 975 | 2.00273013 976 | 2.00272989 977 | 2.00272989 978 | 2.00272989 979 | 2.00272965 980 | 2.00272942 981 | 2.00272942 982 | 2.00272918 983 | 2.00272918 984 | 2.00272894 985 | 2.00272870 986 | 2.00272870 987 | 2.00272846 988 | 2.00272846 989 | 2.00272822 990 | 2.00272822 991 | 2.00272799 992 | 2.00272775 993 | 2.00272775 994 | 2.00272751 995 | 2.00272751 996 | 2.00272751 997 | 2.00272703 998 | 2.00272703 999 | 2.00272703 1000 | 2.00272703 1001 | 2.00272679 1002 | 2.00272655 1003 | 2.00272655 1004 | 2.00272632 1005 | 2.00272608 1006 | 2.00272608 1007 | 2.00272584 1008 | 2.00272584 1009 | 2.00272560 1010 | 2.00272536 1011 | 2.00272536 1012 | 2.00272536 1013 | 2.00272512 1014 | 2.00272489 1015 | 2.00272489 1016 | 2.00272465 1017 | 2.00272465 1018 | 2.00272441 1019 | 2.00272417 1020 | 2.00272417 1021 | 2.00272393 1022 | 2.00272393 1023 | 2.00272393 1024 | 2.00272369 1025 | 2.00272346 1026 | 2.00272346 1027 | 2.00272322 1028 | 2.00272298 1029 | 2.00272298 1030 | 2.00272274 1031 | 2.00272274 1032 | 2.00272250 1033 | 2.00272226 1034 | 2.00272226 1035 | 2.00272226 1036 | 2.00272202 1037 | 2.00272179 1038 | 2.00272179 1039 | 2.00272155 1040 | 2.00272155 1041 | 2.00272131 1042 | 2.00272131 1043 | 2.00272107 1044 | 2.00272083 1045 | 2.00272059 1046 | 2.00272059 1047 | 2.00272036 1048 | 2.00272012 1049 | 2.00272012 1050 | 2.00271988 1051 | 2.00271988 1052 | 2.00271988 1053 | 2.00271988 1054 | 2.00271964 1055 | 2.00271940 1056 | 2.00271916 1057 | 2.00271916 1058 | 2.00271893 1059 | 2.00271869 1060 | 2.00271869 1061 | 2.00271869 1062 | 2.00271845 1063 | 2.00271821 1064 | 2.00271821 1065 | 2.00271821 1066 | 2.00271797 1067 | 2.00271773 1068 | 2.00271773 1069 | 2.00271749 1070 | 2.00271749 1071 | 2.00271749 1072 | 2.00271726 1073 | 2.00271702 1074 | 2.00271678 1075 | 2.00271702 1076 | 2.00271654 1077 | 2.00271630 1078 | 2.00271630 1079 | 2.00271630 1080 | 2.00271606 1081 | 2.00271583 1082 | 2.00271583 1083 | 2.00271559 1084 | 2.00271559 1085 | 2.00271559 1086 | 2.00271535 1087 | 2.00271511 1088 | 2.00271511 1089 | 2.00271487 1090 | 2.00271487 1091 | 2.00271463 1092 | 2.00271440 1093 | 2.00271416 1094 | 2.00271416 1095 | 2.00271392 1096 | 2.00271392 1097 | 2.00271392 1098 | 2.00271368 1099 | 2.00271344 1100 | 2.00271344 1101 | 2.00271320 1102 | 2.00271320 1103 | 2.00271297 1104 | 2.00271273 1105 | 2.00271273 1106 | 2.00271249 1107 | 2.00271225 1108 | 2.00271225 1109 | 2.00271225 1110 | 2.00271201 1111 | 2.00271177 1112 | 2.00271177 1113 | 2.00271177 1114 | 2.00271153 1115 | 2.00271153 1116 | 2.00271130 1117 | 2.00271130 1118 | 2.00271082 1119 | 2.00271082 1120 | 2.00271058 1121 | 2.00271058 1122 | 2.00271034 1123 | 2.00271034 1124 | 2.00271010 1125 | 2.00271010 1126 | 2.00270987 1127 | 2.00270987 1128 | 2.00270963 1129 | 2.00270939 1130 | 2.00270915 1131 | 2.00270915 1132 | 2.00270915 1133 | 2.00270891 1134 | 2.00270867 1135 | 2.00270867 1136 | 2.00270844 1137 | 2.00270844 1138 | 2.00270820 1139 | 2.00270796 1140 | 2.00270796 1141 | 2.00270796 1142 | 2.00270772 1143 | 2.00270772 1144 | 2.00270748 1145 | 2.00270748 1146 | 2.00270700 1147 | 2.00270700 1148 | 2.00270677 1149 | 2.00270677 1150 | 2.00270653 1151 | 2.00270653 1152 | 2.00270629 1153 | 2.00270629 1154 | 2.00270605 1155 | 2.00270581 1156 | 2.00270557 1157 | 2.00270557 1158 | 2.00270557 1159 | 2.00270534 1160 | 2.00270534 1161 | 2.00270510 1162 | 2.00270510 1163 | 2.00270486 1164 | 2.00270462 1165 | 2.00270462 1166 | 2.00270438 1167 | 2.00270438 1168 | 2.00270414 1169 | 2.00270391 1170 | 2.00270367 1171 | 2.00270367 1172 | 2.00270367 1173 | 2.00270343 1174 | 2.00270343 1175 | 2.00270319 1176 | 2.00270319 1177 | 2.00270271 1178 | 2.00270271 1179 | 2.00270271 1180 | 2.00270247 1181 | 2.00270224 1182 | 2.00270224 1183 | 2.00270200 1184 | 2.00270224 1185 | 2.00270176 1186 | 2.00270176 1187 | 2.00270152 1188 | 2.00270152 1189 | 2.00270128 1190 | 2.00270128 1191 | 2.00270081 1192 | 2.00270081 1193 | 2.00270081 1194 | 2.00270057 1195 | 2.00270033 1196 | 2.00270057 1197 | 2.00270009 1198 | 2.00270009 1199 | 2.00269985 1200 | 2.00269985 1201 | 2.00269961 1202 | 2.00269938 1203 | 2.00269914 1204 | 2.00269914 1205 | 2.00269890 1206 | 2.00269890 1207 | 2.00269890 1208 | 2.00269842 1209 | 2.00269842 1210 | 2.00269842 1211 | 2.00269818 1212 | 2.00269818 1213 | 2.00269794 1214 | 2.00269771 1215 | 2.00269747 1216 | 2.00269747 1217 | 2.00269723 1218 | 2.00269747 1219 | 2.00269699 1220 | 2.00269699 1221 | 2.00269675 1222 | 2.00269675 1223 | 2.00269651 1224 | 2.00269651 1225 | 2.00269651 1226 | 2.00269604 1227 | 2.00269604 1228 | 2.00269580 1229 | 2.00269556 1230 | 2.00269556 1231 | 2.00269532 1232 | 2.00269556 1233 | 2.00269532 1234 | 2.00269508 1235 | 2.00269485 1236 | 2.00269485 1237 | 2.00269461 1238 | 2.00269437 1239 | 2.00269437 1240 | 2.00269413 1241 | 2.00269413 1242 | 2.00269389 1243 | 2.00269365 1244 | 2.00269365 1245 | 2.00269341 1246 | 2.00269341 1247 | 2.00269341 1248 | 2.00269318 1249 | 2.00269294 1250 | 2.00269270 1251 | 2.00269270 1252 | 2.00269246 1253 | 2.00269222 1254 | 2.00269198 1255 | 2.00269222 1256 | 2.00269198 1257 | 2.00269198 1258 | 2.00269151 1259 | 2.00269151 1260 | 2.00269127 1261 | 2.00269127 1262 | 2.00269103 1263 | 2.00269103 1264 | 2.00269079 1265 | 2.00269079 1266 | 2.00269055 1267 | 2.00269055 1268 | 2.00269032 1269 | 2.00269032 1270 | 2.00269008 1271 | 2.00268984 1272 | 2.00268984 1273 | 2.00268960 1274 | 2.00268936 1275 | 2.00268912 1276 | 2.00268912 1277 | 2.00268912 1278 | 2.00268888 1279 | 2.00268888 1280 | 2.00268865 1281 | 2.00268865 1282 | 2.00268841 1283 | 2.00268841 1284 | 2.00268793 1285 | 2.00268793 1286 | 2.00268793 1287 | 2.00268769 1288 | 2.00268745 1289 | 2.00268745 1290 | 2.00268722 1291 | 2.00268698 1292 | 2.00268698 1293 | 2.00268674 1294 | 2.00268674 1295 | 2.00268650 1296 | 2.00268650 1297 | 2.00268626 1298 | 2.00268626 1299 | 2.00268602 1300 | 2.00268602 1301 | 2.00268579 1302 | 2.00268555 1303 | 2.00268531 1304 | 2.00268531 1305 | 2.00268507 1306 | 2.00268483 1307 | 2.00268483 1308 | 2.00268483 1309 | 2.00268459 1310 | 2.00268435 1311 | 2.00268435 1312 | 2.00268412 1313 | 2.00268388 1314 | 2.00268388 1315 | 2.00268364 1316 | 2.00268364 1317 | 2.00268340 1318 | 2.00268340 1319 | 2.00268316 1320 | 2.00268292 1321 | 2.00268292 1322 | 2.00268269 1323 | 2.00268269 1324 | 2.00268245 1325 | 2.00268221 1326 | 2.00268221 1327 | 2.00268221 1328 | 2.00268173 1329 | 2.00268197 1330 | 2.00268173 1331 | 2.00268149 1332 | 2.00268126 1333 | 2.00268126 1334 | 2.00268126 1335 | 2.00268078 1336 | 2.00268078 1337 | 2.00268078 1338 | 2.00268030 1339 | 2.00268030 1340 | 2.00268030 1341 | 2.00268006 1342 | 2.00268006 1343 | 2.00267982 1344 | 2.00267959 1345 | 2.00267959 1346 | 2.00267935 1347 | 2.00267935 1348 | 2.00267911 1349 | 2.00267887 1350 | 2.00267887 1351 | 2.00267863 1352 | 2.00267863 1353 | 2.00267839 1354 | 2.00267839 1355 | 2.00267816 1356 | 2.00267792 1357 | 2.00267792 1358 | 2.00267768 1359 | 2.00267744 1360 | 2.00267744 1361 | 2.00267720 1362 | 2.00267696 1363 | 2.00267696 1364 | 2.00267673 1365 | 2.00267673 1366 | 2.00267649 1367 | 2.00267649 1368 | 2.00267625 1369 | 2.00267625 1370 | 2.00267601 1371 | 2.00267577 1372 | 2.00267577 1373 | 2.00267553 1374 | 2.00267553 1375 | 2.00267529 1376 | 2.00267506 1377 | 2.00267506 1378 | 2.00267482 1379 | 2.00267482 1380 | 2.00267458 1381 | 2.00267434 1382 | 2.00267434 1383 | 2.00267410 1384 | 2.00267410 1385 | 2.00267410 1386 | 2.00267363 1387 | 2.00267386 1388 | 2.00267363 1389 | 2.00267315 1390 | 2.00267315 1391 | 2.00267315 1392 | 2.00267291 1393 | 2.00267267 1394 | 2.00267267 1395 | 2.00267243 1396 | 2.00267243 1397 | 2.00267220 1398 | 2.00267196 1399 | 2.00267196 1400 | 2.00267172 1401 | 2.00267148 1402 | 2.00267124 1403 | 2.00267124 1404 | 2.00267100 1405 | 2.00267100 1406 | 2.00267076 1407 | 2.00267076 1408 | 2.00267053 1409 | 2.00267029 1410 | 2.00267053 1411 | 2.00267005 1412 | 2.00267005 1413 | 2.00266981 1414 | 2.00266957 1415 | 2.00266957 1416 | 2.00266933 1417 | 2.00266933 1418 | 2.00266910 1419 | 2.00266886 1420 | 2.00266886 1421 | 2.00266886 1422 | 2.00266862 1423 | 2.00266838 1424 | 2.00266838 1425 | 2.00266814 1426 | 2.00266790 1427 | 2.00266790 1428 | 2.00266767 1429 | 2.00266743 1430 | 2.00266743 1431 | 2.00266719 1432 | 2.00266719 1433 | 2.00266695 1434 | 2.00266695 1435 | 2.00266671 1436 | 2.00266647 1437 | 2.00266647 1438 | 2.00266623 1439 | 2.00266623 1440 | 2.00266600 1441 | 2.00266600 1442 | 2.00266576 1443 | 2.00266552 1444 | 2.00266528 1445 | 2.00266528 1446 | 2.00266504 1447 | 2.00266504 1448 | 2.00266480 1449 | 2.00266457 1450 | 2.00266457 1451 | 2.00266433 1452 | 2.00266433 1453 | 2.00266409 1454 | 2.00266385 1455 | 2.00266385 1456 | 2.00266361 1457 | 2.00266337 1458 | 2.00266337 1459 | 2.00266314 1460 | 2.00266314 1461 | 2.00266290 1462 | 2.00266290 1463 | 2.00266266 1464 | 2.00266242 1465 | 2.00266242 1466 | 2.00266218 1467 | 2.00266218 1468 | 2.00266194 1469 | 2.00266171 1470 | 2.00266171 1471 | 2.00266171 1472 | 2.00266147 1473 | 2.00266123 1474 | 2.00266099 1475 | 2.00266099 1476 | 2.00266075 1477 | 2.00266075 1478 | 2.00266051 1479 | 2.00266027 1480 | 2.00266027 1481 | 2.00266004 1482 | 2.00266004 1483 | 2.00265980 1484 | 2.00265980 1485 | 2.00265956 1486 | 2.00265932 1487 | 2.00265908 1488 | 2.00265908 1489 | 2.00265884 1490 | 2.00265884 1491 | 2.00265861 1492 | 2.00265837 1493 | 2.00265837 1494 | 2.00265813 1495 | 2.00265789 1496 | 2.00265789 1497 | 2.00265789 1498 | 2.00265765 1499 | 2.00265741 1500 | 2.00265718 1501 | 2.00265718 1502 | 2.00265694 1503 | 2.00265670 1504 | 2.00265670 1505 | 2.00265646 1506 | 2.00265646 1507 | 2.00265622 1508 | 2.00265622 1509 | 2.00265598 1510 | 2.00265598 1511 | 2.00265574 1512 | 2.00265551 1513 | 2.00265551 1514 | 2.00265503 1515 | 2.00265527 1516 | 2.00265479 1517 | 2.00265479 1518 | 2.00265455 1519 | 2.00265455 1520 | 2.00265431 1521 | 2.00265431 1522 | 2.00265408 1523 | 2.00265384 1524 | 2.00265384 1525 | 2.00265360 1526 | 2.00265360 1527 | 2.00265336 1528 | 2.00265312 1529 | 2.00265312 1530 | 2.00265288 1531 | 2.00265288 1532 | 2.00265265 1533 | 2.00265241 1534 | 2.00265217 1535 | 2.00265217 1536 | 2.00265193 1537 | 2.00265193 1538 | 2.00265169 1539 | 2.00265169 1540 | 2.00265145 1541 | 2.00265145 1542 | 2.00265121 1543 | 2.00265098 1544 | 2.00265074 1545 | 2.00265074 1546 | 2.00265074 1547 | 2.00265026 1548 | 2.00265026 1549 | 2.00265026 1550 | 2.00265002 1551 | 2.00264978 1552 | 2.00264978 1553 | 2.00264955 1554 | 2.00264931 1555 | 2.00264931 1556 | 2.00264907 1557 | 2.00264883 1558 | 2.00264883 1559 | 2.00264859 1560 | 2.00264859 1561 | 2.00264835 1562 | 2.00264812 1563 | 2.00264812 1564 | 2.00264788 1565 | 2.00264764 1566 | 2.00264764 1567 | 2.00264740 1568 | 2.00264740 1569 | 2.00264716 1570 | 2.00264692 1571 | 2.00264692 1572 | 2.00264668 1573 | 2.00264645 1574 | 2.00264645 1575 | 2.00264621 1576 | 2.00264621 1577 | 2.00264597 1578 | 2.00264597 1579 | 2.00264573 1580 | 2.00264549 1581 | 2.00264549 1582 | 2.00264525 1583 | 2.00264502 1584 | 2.00264502 1585 | 2.00264478 1586 | 2.00264478 1587 | 2.00264454 1588 | 2.00264454 1589 | 2.00264406 1590 | 2.00264406 1591 | 2.00264382 1592 | 2.00264406 1593 | 2.00264359 1594 | 2.00264359 1595 | 2.00264335 1596 | 2.00264311 1597 | 2.00264311 1598 | 2.00264287 1599 | 2.00264287 1600 | 2.00264263 1601 | 2.00264239 1602 | 2.00264239 1603 | 2.00264215 1604 | 2.00264215 1605 | 2.00264192 1606 | 2.00264168 1607 | 2.00264168 1608 | 2.00264144 1609 | 2.00264120 1610 | 2.00264120 1611 | 2.00264096 1612 | 2.00264072 1613 | 2.00264072 1614 | 2.00264025 1615 | 2.00264049 1616 | 2.00264001 1617 | 2.00264025 1618 | 2.00263977 1619 | 2.00263977 1620 | 2.00263953 1621 | 2.00263953 1622 | 2.00263929 1623 | 2.00263929 1624 | 2.00263882 1625 | 2.00263906 1626 | 2.00263882 1627 | 2.00263882 1628 | 2.00263834 1629 | 2.00263834 1630 | 2.00263810 1631 | 2.00263786 1632 | 2.00263786 1633 | 2.00263762 1634 | 2.00263762 1635 | 2.00263762 1636 | 2.00263715 1637 | 2.00263715 1638 | 2.00263691 1639 | 2.00263691 1640 | 2.00263667 1641 | 2.00263667 1642 | 2.00263643 1643 | 2.00263643 1644 | 2.00263596 1645 | 2.00263596 1646 | 2.00263572 1647 | 2.00263572 1648 | 2.00263548 1649 | 2.00263524 1650 | 2.00263500 1651 | 2.00263500 1652 | 2.00263476 1653 | 2.00263453 1654 | 2.00263453 1655 | 2.00263453 1656 | 2.00263405 1657 | 2.00263405 1658 | 2.00263405 1659 | 2.00263381 1660 | 2.00263357 1661 | 2.00263357 1662 | 2.00263333 1663 | 2.00263309 1664 | 2.00263309 1665 | 2.00263286 1666 | 2.00263262 1667 | 2.00263262 1668 | 2.00263238 1669 | 2.00263238 1670 | 2.00263214 1671 | 2.00263214 1672 | 2.00263190 1673 | 2.00263190 1674 | 2.00263166 1675 | 2.00263143 1676 | 2.00263119 1677 | 2.00263119 1678 | 2.00263071 1679 | 2.00263095 1680 | 2.00263071 1681 | 2.00263047 1682 | 2.00263047 1683 | 2.00263023 1684 | 2.00263023 1685 | 2.00263000 1686 | 2.00262976 1687 | 2.00262952 1688 | 2.00262928 1689 | 2.00262928 1690 | 2.00262904 1691 | 2.00262880 1692 | 2.00262904 1693 | 2.00262856 1694 | 2.00262880 1695 | 2.00262833 1696 | 2.00262833 1697 | 2.00262809 1698 | 2.00262785 1699 | 2.00262761 1700 | 2.00262761 1701 | 2.00262737 1702 | 2.00262737 1703 | 2.00262713 1704 | 2.00262690 1705 | 2.00262713 1706 | 2.00262666 1707 | 2.00262666 1708 | 2.00262642 1709 | 2.00262642 1710 | 2.00262618 1711 | 2.00262570 1712 | 2.00262594 1713 | 2.00262570 1714 | 2.00262547 1715 | 2.00262547 1716 | 2.00262523 1717 | 2.00262523 1718 | 2.00262475 1719 | 2.00262475 1720 | 2.00262451 1721 | 2.00262451 1722 | 2.00262427 1723 | 2.00262403 1724 | 2.00262403 1725 | 2.00262380 1726 | 2.00262356 1727 | 2.00262332 1728 | 2.00262332 1729 | 2.00262308 1730 | 2.00262308 1731 | 2.00262284 1732 | 2.00262260 1733 | 2.00262260 1734 | 2.00262237 1735 | 2.00262213 1736 | 2.00262213 1737 | 2.00262189 1738 | 2.00262189 1739 | 2.00262165 1740 | 2.00262165 1741 | 2.00262141 1742 | 2.00262117 1743 | 2.00262117 1744 | 2.00262094 1745 | 2.00262094 1746 | 2.00262046 1747 | 2.00262070 1748 | 2.00262022 1749 | 2.00262022 1750 | 2.00261998 1751 | 2.00261974 1752 | 2.00261974 1753 | 2.00261950 1754 | 2.00261927 1755 | 2.00261927 1756 | 2.00261903 1757 | 2.00261879 1758 | 2.00261855 1759 | 2.00261855 1760 | 2.00261831 1761 | 2.00261831 1762 | 2.00261831 1763 | 2.00261807 1764 | 2.00261784 1765 | 2.00261736 1766 | 2.00261736 1767 | 2.00261736 1768 | 2.00261712 1769 | 2.00261712 1770 | 2.00261688 1771 | 2.00261688 1772 | 2.00261641 1773 | 2.00261641 1774 | 2.00261617 1775 | 2.00261617 1776 | 2.00261617 1777 | 2.00261569 1778 | 2.00261569 1779 | 2.00261545 1780 | 2.00261545 1781 | 2.00261521 1782 | 2.00261497 1783 | 2.00261497 1784 | 2.00261474 1785 | 2.00261450 1786 | 2.00261450 1787 | 2.00261426 1788 | 2.00261426 1789 | 2.00261402 1790 | 2.00261402 1791 | 2.00261354 1792 | 2.00261354 1793 | 2.00261331 1794 | 2.00261307 1795 | 2.00261307 1796 | 2.00261307 1797 | 2.00261259 1798 | 2.00261259 1799 | 2.00261259 1800 | 2.00261211 1801 | 2.00261211 1802 | 2.00261188 1803 | 2.00261188 1804 | 2.00261164 1805 | 2.00261164 1806 | 2.00261140 1807 | 2.00261116 1808 | 2.00261092 1809 | 2.00261068 1810 | 2.00261092 1811 | 2.00261045 1812 | 2.00261045 1813 | 2.00261021 1814 | 2.00261021 1815 | 2.00260997 1816 | 2.00260973 1817 | 2.00260973 1818 | 2.00260949 1819 | 2.00260925 1820 | 2.00260925 1821 | 2.00260901 1822 | 2.00260878 1823 | 2.00260854 1824 | 2.00260878 1825 | 2.00260854 1826 | 2.00260830 1827 | 2.00260806 1828 | 2.00260782 1829 | 2.00260782 1830 | 2.00260758 1831 | 2.00260735 1832 | 2.00260735 1833 | 2.00260711 1834 | 2.00260711 1835 | 2.00260687 1836 | 2.00260663 1837 | 2.00260663 1838 | 2.00260615 1839 | 2.00260639 1840 | 2.00260615 1841 | 2.00260592 1842 | 2.00260568 1843 | 2.00260544 1844 | 2.00260544 1845 | 2.00260520 1846 | 2.00260496 1847 | 2.00260496 1848 | 2.00260496 1849 | 2.00260472 1850 | 2.00260448 1851 | 2.00260448 1852 | 2.00260425 1853 | 2.00260401 1854 | 2.00260377 1855 | 2.00260353 1856 | 2.00260353 1857 | 2.00260353 1858 | 2.00260353 1859 | 2.00260305 1860 | 2.00260258 1861 | 2.00260282 1862 | 2.00260258 1863 | 2.00260258 1864 | 2.00260234 1865 | 2.00260186 1866 | 2.00260186 1867 | 2.00260186 1868 | 2.00260162 1869 | 2.00260139 1870 | 2.00260115 1871 | 2.00260115 1872 | 2.00260115 1873 | 2.00260091 1874 | 2.00260067 1875 | 2.00260043 1876 | 2.00260019 1877 | 2.00260019 1878 | 2.00260019 1879 | 2.00259995 1880 | 2.00259972 1881 | 2.00259948 1882 | 2.00259948 1883 | 2.00259924 1884 | 2.00259900 1885 | 2.00259924 1886 | 2.00259876 1887 | 2.00259876 1888 | 2.00259829 1889 | 2.00259829 1890 | 2.00259829 1891 | 2.00259781 1892 | 2.00259781 1893 | 2.00259781 1894 | 2.00259733 1895 | 2.00259733 1896 | 2.00259709 1897 | 2.00259686 1898 | 2.00259686 1899 | 2.00259686 1900 | 2.00259638 1901 | 2.00259638 1902 | 2.00259614 1903 | 2.00259614 1904 | 2.00259590 1905 | 2.00259590 1906 | 2.00259542 1907 | 2.00259542 1908 | 2.00259519 1909 | 2.00259519 1910 | 2.00259495 1911 | 2.00259471 1912 | 2.00259447 1913 | 2.00259447 1914 | 2.00259447 1915 | 2.00259423 1916 | 2.00259399 1917 | 2.00259376 1918 | 2.00259352 1919 | 2.00259352 1920 | 2.00259328 1921 | 2.00259304 1922 | 2.00259304 1923 | 2.00259280 1924 | 2.00259256 1925 | 2.00259256 1926 | 2.00259233 1927 | 2.00259209 1928 | 2.00259209 1929 | 2.00259185 1930 | 2.00259161 1931 | 2.00259161 1932 | 2.00259137 1933 | 2.00259113 1934 | 2.00259113 1935 | 2.00259089 1936 | 2.00259089 1937 | 2.00259042 1938 | 2.00259042 1939 | 2.00259018 1940 | 2.00259018 1941 | 2.00258994 1942 | 2.00258970 1943 | 2.00258970 1944 | 2.00258946 1945 | 2.00258923 1946 | 2.00258923 1947 | 2.00258923 1948 | 2.00258899 1949 | 2.00258875 1950 | 2.00258851 1951 | 2.00258827 1952 | 2.00258827 1953 | 2.00258803 1954 | 2.00258780 1955 | 2.00258780 1956 | 2.00258756 1957 | 2.00258756 1958 | 2.00258732 1959 | 2.00258684 1960 | 2.00258684 1961 | 2.00258660 1962 | 2.00258660 1963 | 2.00258636 1964 | 2.00258636 1965 | 2.00258613 1966 | 2.00258589 1967 | 2.00258565 1968 | 2.00258565 1969 | 2.00258541 1970 | 2.00258541 1971 | 2.00258517 1972 | 2.00258493 1973 | 2.00258493 1974 | 2.00258470 1975 | 2.00258446 1976 | 2.00258446 1977 | 2.00258398 1978 | 2.00258398 1979 | 2.00258374 1980 | 2.00258374 1981 | 2.00258350 1982 | 2.00258350 1983 | 2.00258327 1984 | 2.00258303 1985 | 2.00258279 1986 | 2.00258255 1987 | 2.00258255 1988 | 2.00258231 1989 | 2.00258207 1990 | 2.00258207 1991 | 2.00258183 1992 | 2.00258160 1993 | 2.00258160 1994 | 2.00258160 1995 | 2.00258112 1996 | 2.00258112 1997 | 2.00258088 1998 | 2.00258064 1999 | 2.00258064 2000 | 2.00258017 2001 | 2.00258017 2002 | 2.00258017 2003 | 2.00257969 2004 | 2.00257969 2005 | 2.00257969 2006 | 2.00257945 2007 | 2.00257921 2008 | 2.00257897 2009 | 2.00257897 2010 | 2.00257874 2011 | 2.00257874 2012 | 2.00257850 2013 | 2.00257826 2014 | 2.00257826 2015 | 2.00257778 2016 | 2.00257778 2017 | 2.00257754 2018 | 2.00257730 2019 | 2.00257730 2020 | 2.00257707 2021 | 2.00257683 2022 | 2.00257683 2023 | 2.00257659 2024 | 2.00257635 2025 | 2.00257635 2026 | 2.00257611 2027 | 2.00257587 2028 | 2.00257587 2029 | 2.00257564 2030 | 2.00257540 2031 | 2.00257540 2032 | 2.00257516 2033 | 2.00257492 2034 | 2.00257492 2035 | 2.00257492 2036 | 2.00257444 2037 | 2.00257421 2038 | 2.00257397 2039 | 2.00257397 2040 | 2.00257397 2041 | 2.00257349 2042 | 2.00257325 2043 | 2.00257325 2044 | 2.00257301 2045 | 2.00257301 2046 | 2.00257277 2047 | 2.00257254 2048 | 2.00257254 2049 | 2.00257230 2050 | 2.00257230 2051 | 2.00257206 2052 | 2.00257182 2053 | 2.00257158 2054 | 2.00257158 2055 | 2.00257134 2056 | 2.00257134 2057 | 2.00257111 2058 | 2.00257063 2059 | 2.00257063 2060 | 2.00257039 2061 | 2.00257039 2062 | 2.00257015 2063 | 2.00256991 2064 | 2.00256991 2065 | 2.00256968 2066 | 2.00256968 2067 | 2.00256920 2068 | 2.00256920 2069 | 2.00256896 2070 | 2.00256896 2071 | 2.00256872 2072 | 2.00256872 2073 | 2.00256824 2074 | 2.00256824 2075 | 2.00256801 2076 | 2.00256777 2077 | 2.00256777 2078 | 2.00256753 2079 | 2.00256753 2080 | 2.00256729 2081 | 2.00256705 2082 | 2.00256681 2083 | 2.00256658 2084 | 2.00256658 2085 | 2.00256634 2086 | 2.00256610 2087 | 2.00256586 2088 | 2.00256586 2089 | 2.00256538 2090 | 2.00256538 2091 | 2.00256538 2092 | 2.00256491 2093 | 2.00256491 2094 | 2.00256467 2095 | 2.00256443 2096 | 2.00256443 2097 | 2.00256443 2098 | 2.00256419 2099 | 2.00256395 2100 | 2.00256371 2101 | 2.00256371 2102 | 2.00256324 2103 | 2.00256324 2104 | 2.00256324 2105 | 2.00256276 2106 | 2.00256276 2107 | 2.00256252 2108 | 2.00256252 2109 | 2.00256228 2110 | 2.00256205 2111 | 2.00256205 2112 | 2.00256181 2113 | 2.00256157 2114 | 2.00256133 2115 | 2.00256133 2116 | 2.00256085 2117 | 2.00256085 2118 | 2.00256062 2119 | 2.00256062 2120 | 2.00256038 2121 | 2.00256014 2122 | 2.00256014 2123 | 2.00255990 2124 | 2.00255966 2125 | 2.00255966 2126 | 2.00255942 2127 | 2.00255919 2128 | 2.00255919 2129 | 2.00255871 2130 | 2.00255871 2131 | 2.00255847 2132 | 2.00255823 2133 | 2.00255823 2134 | 2.00255799 2135 | 2.00255775 2136 | 2.00255752 2137 | 2.00255752 2138 | 2.00255728 2139 | 2.00255728 2140 | 2.00255704 2141 | 2.00255704 2142 | 2.00255656 2143 | 2.00255656 2144 | 2.00255632 2145 | 2.00255632 2146 | 2.00255585 2147 | 2.00255585 2148 | 2.00255561 2149 | 2.00255561 2150 | 2.00255537 2151 | 2.00255489 2152 | 2.00255489 2153 | 2.00255489 2154 | 2.00255466 2155 | 2.00255442 2156 | 2.00255442 2157 | 2.00255394 2158 | 2.00255394 2159 | 2.00255370 2160 | 2.00255346 2161 | 2.00255346 2162 | 2.00255299 2163 | 2.00255299 2164 | 2.00255299 2165 | 2.00255251 2166 | 2.00255251 2167 | 2.00255251 2168 | 2.00255203 2169 | 2.00255203 2170 | 2.00255179 2171 | 2.00255179 2172 | 2.00255156 2173 | 2.00255132 2174 | 2.00255132 2175 | 2.00255108 2176 | 2.00255084 2177 | 2.00255060 2178 | 2.00255060 2179 | 2.00255013 2180 | 2.00255013 2181 | 2.00254989 2182 | 2.00254989 2183 | 2.00254965 2184 | 2.00254941 2185 | 2.00254941 2186 | 2.00254893 2187 | 2.00254893 2188 | 2.00254869 2189 | 2.00254869 2190 | 2.00254846 2191 | 2.00254822 2192 | 2.00254798 2193 | 2.00254798 2194 | 2.00254774 2195 | 2.00254750 2196 | 2.00254750 2197 | 2.00254703 2198 | 2.00254703 2199 | 2.00254703 2200 | 2.00254655 2201 | 2.00254631 2202 | 2.00254631 2203 | 2.00254607 2204 | 2.00254583 2205 | 2.00254560 2206 | 2.00254560 2207 | 2.00254536 2208 | 2.00254536 2209 | 2.00254512 2210 | 2.00254488 2211 | 2.00254488 2212 | 2.00254440 2213 | 2.00254440 2214 | 2.00254440 2215 | 2.00254393 2216 | 2.00254416 2217 | 2.00254369 2218 | 2.00254345 2219 | 2.00254321 2220 | 2.00254321 2221 | 2.00254297 2222 | 2.00254273 2223 | 2.00254250 2224 | 2.00254250 2225 | 2.00254226 2226 | 2.00254202 2227 | 2.00254202 2228 | 2.00254178 2229 | 2.00254154 2230 | 2.00254130 2231 | 2.00254130 2232 | 2.00254107 2233 | 2.00254083 2234 | 2.00254059 2235 | 2.00254059 2236 | 2.00254035 2237 | 2.00254011 2238 | 2.00254011 2239 | 2.00253987 2240 | 2.00253963 2241 | 2.00253940 2242 | 2.00253916 2243 | 2.00253916 2244 | 2.00253892 2245 | 2.00253868 2246 | 2.00253844 2247 | 2.00253844 2248 | 2.00253820 2249 | 2.00253820 2250 | 2.00253773 2251 | 2.00253773 2252 | 2.00253773 2253 | 2.00253749 2254 | 2.00253725 2255 | 2.00253701 2256 | 2.00253677 2257 | 2.00253677 2258 | 2.00253654 2259 | 2.00253654 2260 | 2.00253606 2261 | 2.00253606 2262 | 2.00253582 2263 | 2.00253582 2264 | 2.00253558 2265 | 2.00253534 2266 | 2.00253510 2267 | 2.00253510 2268 | 2.00253487 2269 | 2.00253439 2270 | 2.00253439 2271 | 2.00253415 2272 | 2.00253415 2273 | 2.00253391 2274 | 2.00253367 2275 | 2.00253344 2276 | 2.00253344 2277 | 2.00253320 2278 | 2.00253296 2279 | 2.00253272 2280 | 2.00253248 2281 | 2.00253248 2282 | 2.00253224 2283 | 2.00253201 2284 | 2.00253201 2285 | 2.00253177 2286 | 2.00253153 2287 | 2.00253129 2288 | 2.00253105 2289 | 2.00253081 2290 | 2.00253081 2291 | 2.00253057 2292 | 2.00253057 2293 | 2.00253034 2294 | 2.00253010 2295 | 2.00253010 2296 | 2.00252986 2297 | 2.00252962 2298 | 2.00252938 2299 | 2.00252914 2300 | 2.00252891 2301 | 2.00252891 2302 | 2.00252891 2303 | 2.00252843 2304 | 2.00252819 2305 | 2.00252819 2306 | 2.00252795 2307 | 2.00252795 2308 | 2.00252771 2309 | 2.00252724 2310 | 2.00252724 2311 | 2.00252700 2312 | 2.00252676 2313 | 2.00252676 2314 | 2.00252628 2315 | 2.00252628 2316 | 2.00252604 2317 | 2.00252604 2318 | 2.00252581 2319 | 2.00252557 2320 | 2.00252533 2321 | 2.00252533 2322 | 2.00252485 2323 | 2.00252485 2324 | 2.00252461 2325 | 2.00252438 2326 | 2.00252438 2327 | 2.00252414 2328 | 2.00252390 2329 | 2.00252366 2330 | 2.00252342 2331 | 2.00252342 2332 | 2.00252342 2333 | 2.00252295 2334 | 2.00252295 2335 | 2.00252271 2336 | 2.00252247 2337 | 2.00252247 2338 | 2.00252223 2339 | 2.00252175 2340 | 2.00252175 2341 | 2.00252151 2342 | 2.00252128 2343 | 2.00252128 2344 | 2.00252104 2345 | 2.00252080 2346 | 2.00252080 2347 | 2.00252032 2348 | 2.00252032 2349 | 2.00252032 2350 | 2.00252008 2351 | 2.00251985 2352 | 2.00251961 2353 | 2.00251937 2354 | 2.00251913 2355 | 2.00251913 2356 | 2.00251889 2357 | 2.00251865 2358 | 2.00251842 2359 | 2.00251842 2360 | 2.00251818 2361 | 2.00251794 2362 | 2.00251794 2363 | 2.00251746 2364 | 2.00251722 2365 | 2.00251698 2366 | 2.00251698 2367 | 2.00251698 2368 | 2.00251675 2369 | 2.00251651 2370 | 2.00251627 2371 | 2.00251603 2372 | 2.00251579 2373 | 2.00251579 2374 | 2.00251555 2375 | 2.00251532 2376 | 2.00251532 2377 | 2.00251508 2378 | 2.00251484 2379 | 2.00251460 2380 | 2.00251436 2381 | 2.00251436 2382 | 2.00251412 2383 | 2.00251365 2384 | 2.00251365 2385 | 2.00251365 2386 | 2.00251341 2387 | 2.00251317 2388 | 2.00251293 2389 | 2.00251269 2390 | 2.00251245 2391 | 2.00251245 2392 | 2.00251222 2393 | 2.00251222 2394 | 2.00251198 2395 | 2.00251174 2396 | 2.00251150 2397 | 2.00251126 2398 | 2.00251102 2399 | 2.00251079 2400 | 2.00251079 2401 | 2.00251055 2402 | 2.00251031 2403 | 2.00251007 2404 | 2.00251007 2405 | 2.00250983 2406 | 2.00250983 2407 | 2.00250959 2408 | 2.00250912 2409 | 2.00250912 2410 | 2.00250912 2411 | 2.00250864 2412 | 2.00250864 2413 | 2.00250840 2414 | 2.00250793 2415 | 2.00250816 2416 | 2.00250769 2417 | 2.00250769 2418 | 2.00250745 2419 | 2.00250721 2420 | 2.00250697 2421 | 2.00250673 2422 | 2.00250673 2423 | 2.00250649 2424 | 2.00250626 2425 | 2.00250626 2426 | 2.00250578 2427 | 2.00250578 2428 | 2.00250554 2429 | 2.00250530 2430 | 2.00250506 2431 | 2.00250506 2432 | 2.00250483 2433 | 2.00250459 2434 | 2.00250459 2435 | 2.00250411 2436 | 2.00250411 2437 | 2.00250387 2438 | 2.00250363 2439 | 2.00250363 2440 | 2.00250340 2441 | 2.00250316 2442 | 2.00250292 2443 | 2.00250292 2444 | 2.00250244 2445 | 2.00250244 2446 | 2.00250220 2447 | 2.00250196 2448 | 2.00250173 2449 | 2.00250173 2450 | 2.00250149 2451 | 2.00250125 2452 | 2.00250101 2453 | 2.00250101 2454 | 2.00250077 2455 | 2.00250053 2456 | 2.00250030 2457 | 2.00250006 2458 | 2.00249982 2459 | 2.00249982 2460 | 2.00249958 2461 | 2.00249934 2462 | 2.00249910 2463 | 2.00249910 2464 | 2.00249863 2465 | 2.00249863 2466 | 2.00249815 2467 | 2.00249815 2468 | 2.00249791 2469 | 2.00249767 2470 | 2.00249767 2471 | 2.00249743 2472 | 2.00249720 2473 | 2.00249720 2474 | 2.00249672 2475 | 2.00249672 2476 | 2.00249648 2477 | 2.00249624 2478 | 2.00249600 2479 | 2.00249600 2480 | 2.00249577 2481 | 2.00249553 2482 | 2.00249529 2483 | 2.00249505 2484 | 2.00249481 2485 | 2.00249481 2486 | 2.00249434 2487 | 2.00249434 2488 | 2.00249434 2489 | 2.00249410 2490 | 2.00249386 2491 | 2.00249362 2492 | 2.00249338 2493 | 2.00249314 2494 | 2.00249290 2495 | 2.00249290 2496 | 2.00249267 2497 | 2.00249243 2498 | 2.00249219 2499 | 2.00249195 2500 | 2.00249195 2501 | 2.00249171 2502 | 2.00249147 2503 | 2.00249147 2504 | -------------------------------------------------------------------------------- /adam_e2.csv: -------------------------------------------------------------------------------- 1 | Initializing... 2 | -0.161852360 0.224718094 -0.256129742 -0.165706158 3 | -2.69660950E-02 -0.221510172 4 | 2.01598787 5 | 2.01963902 6 | 2.02262878 7 | 2.02478433 8 | 2.02590418 9 | 2.02591610 10 | 2.02494860 11 | 2.02325821 12 | 2.02113485 13 | 2.01883793 14 | 2.01656389 15 | 2.01444435 16 | 2.01255345 17 | 2.01092196 18 | 2.00955009 19 | 2.00841832 20 | 2.00749850 21 | 2.00675917 22 | 2.00616860 23 | 2.00569916 24 | 2.00532651 25 | 2.00503016 26 | 2.00479341 27 | 2.00460291 28 | 2.00444818 29 | 2.00432158 30 | 2.00421572 31 | 2.00412679 32 | 2.00405073 33 | 2.00398445 34 | 2.00392628 35 | 2.00387430 36 | 2.00382757 37 | 2.00378466 38 | 2.00374556 39 | 2.00370908 40 | 2.00367522 41 | 2.00364375 42 | 2.00361395 43 | 2.00358582 44 | 2.00355959 45 | 2.00353456 46 | 2.00351095 47 | 2.00348854 48 | 2.00346732 49 | 2.00344706 50 | 2.00342774 51 | 2.00340939 52 | 2.00339198 53 | 2.00337529 54 | 2.00335932 55 | 2.00334430 56 | 2.00332975 57 | 2.00331593 58 | 2.00330257 59 | 2.00329018 60 | 2.00327802 61 | 2.00326633 62 | 2.00325537 63 | 2.00324488 64 | 2.00323462 65 | 2.00322509 66 | 2.00321579 67 | 2.00320649 68 | 2.00319815 69 | 2.00318956 70 | 2.00318193 71 | 2.00317407 72 | 2.00316691 73 | 2.00315976 74 | 2.00315309 75 | 2.00314665 76 | 2.00314045 77 | 2.00313425 78 | 2.00312853 79 | 2.00312281 80 | 2.00311732 81 | 2.00311208 82 | 2.00310707 83 | 2.00310206 84 | 2.00309753 85 | 2.00309277 86 | 2.00308847 87 | 2.00308418 88 | 2.00307989 89 | 2.00307608 90 | 2.00307202 91 | 2.00306845 92 | 2.00306463 93 | 2.00306106 94 | 2.00305772 95 | 2.00305414 96 | 2.00305104 97 | 2.00304794 98 | 2.00304461 99 | 2.00304151 100 | 2.00303864 101 | 2.00303555 102 | 2.00303292 103 | 2.00303006 104 | 2.00302744 105 | 2.00302482 106 | 2.00302219 107 | 2.00301957 108 | 2.00301695 109 | 2.00301456 110 | 2.00301218 111 | 2.00300980 112 | 2.00300741 113 | 2.00300503 114 | 2.00300312 115 | 2.00300074 116 | 2.00299835 117 | 2.00299621 118 | 2.00299406 119 | 2.00299191 120 | 2.00298977 121 | 2.00298762 122 | 2.00298572 123 | 2.00298357 124 | 2.00298166 125 | 2.00297976 126 | 2.00297785 127 | 2.00297570 128 | 2.00297379 129 | 2.00297165 130 | 2.00296974 131 | 2.00296783 132 | 2.00296617 133 | 2.00296402 134 | 2.00296211 135 | 2.00296044 136 | 2.00295877 137 | 2.00295663 138 | 2.00295496 139 | 2.00295305 140 | 2.00295162 141 | 2.00294971 142 | 2.00294781 143 | 2.00294614 144 | 2.00294447 145 | 2.00294280 146 | 2.00294113 147 | 2.00293922 148 | 2.00293779 149 | 2.00293612 150 | 2.00293446 151 | 2.00293279 152 | 2.00293136 153 | 2.00292969 154 | 2.00292826 155 | 2.00292683 156 | 2.00292540 157 | 2.00292397 158 | 2.00292253 159 | 2.00292110 160 | 2.00291967 161 | 2.00291848 162 | 2.00291729 163 | 2.00291610 164 | 2.00291491 165 | 2.00291395 166 | 2.00291300 167 | 2.00291181 168 | 2.00291085 169 | 2.00290990 170 | 2.00290918 171 | 2.00290823 172 | 2.00290775 173 | 2.00290680 174 | 2.00290632 175 | 2.00290585 176 | 2.00290489 177 | 2.00290465 178 | 2.00290418 179 | 2.00290394 180 | 2.00290346 181 | 2.00290298 182 | 2.00290275 183 | 2.00290251 184 | 2.00290227 185 | 2.00290203 186 | 2.00290203 187 | 2.00290179 188 | 2.00290155 189 | 2.00290155 190 | 2.00290155 191 | 2.00290108 192 | 2.00290108 193 | 2.00290108 194 | 2.00290108 195 | 2.00290108 196 | 2.00290108 197 | 2.00290084 198 | 2.00290084 199 | 2.00290060 200 | 2.00290060 201 | 2.00290060 202 | 2.00290060 203 | 2.00290060 204 | 2.00290036 205 | 2.00290060 206 | 2.00290036 207 | 2.00290036 208 | 2.00290012 209 | 2.00290012 210 | 2.00290012 211 | 2.00290012 212 | 2.00290012 213 | 2.00290012 214 | 2.00290012 215 | 2.00290012 216 | 2.00289989 217 | 2.00289989 218 | 2.00289989 219 | 2.00289989 220 | 2.00289989 221 | 2.00289965 222 | 2.00289989 223 | 2.00289989 224 | 2.00289965 225 | 2.00289965 226 | 2.00289965 227 | 2.00289965 228 | 2.00289965 229 | 2.00289965 230 | 2.00289965 231 | 2.00289965 232 | 2.00289965 233 | 2.00289941 234 | 2.00289965 235 | 2.00289917 236 | 2.00289941 237 | 2.00289941 238 | 2.00289941 239 | 2.00289941 240 | 2.00289941 241 | 2.00289941 242 | 2.00289917 243 | 2.00289917 244 | 2.00289917 245 | 2.00289917 246 | 2.00289917 247 | 2.00289917 248 | 2.00289917 249 | 2.00289917 250 | 2.00289917 251 | 2.00289917 252 | 2.00289917 253 | 2.00289893 254 | 2.00289893 255 | 2.00289893 256 | 2.00289893 257 | 2.00289893 258 | 2.00289893 259 | 2.00289917 260 | 2.00289893 261 | 2.00289893 262 | 2.00289893 263 | 2.00289893 264 | 2.00289893 265 | 2.00289893 266 | 2.00289893 267 | 2.00289893 268 | 2.00289869 269 | 2.00289893 270 | 2.00289869 271 | 2.00289893 272 | 2.00290656 273 | 2.00302029 274 | 2.00297356 275 | 2.00292230 276 | 2.00290608 277 | 2.00292063 278 | 2.00289679 279 | 2.00290799 280 | 2.00290084 281 | 2.00289989 282 | 2.00290179 283 | 2.00289869 284 | 2.00290012 285 | 2.00289869 286 | 2.00289917 287 | 2.00289893 288 | 2.00289893 289 | 2.00289869 290 | 2.00289869 291 | 2.00289869 292 | 2.00289869 293 | 2.00289869 294 | 2.00289869 295 | 2.00289869 296 | 2.00289869 297 | 2.00289869 298 | 2.00289869 299 | 2.00289869 300 | 2.00289845 301 | 2.00289869 302 | 2.00289869 303 | 2.00289845 304 | 2.00289845 305 | 2.00289845 306 | 2.00289845 307 | 2.00289869 308 | 2.00289845 309 | 2.00289845 310 | 2.00289845 311 | 2.00289869 312 | 2.00289869 313 | 2.00289989 314 | 2.00290704 315 | 2.00294828 316 | 2.00300169 317 | 2.00290298 318 | 2.00292492 319 | 2.00290465 320 | 2.00290728 321 | 2.00290251 322 | 2.00290155 323 | 2.00290108 324 | 2.00289941 325 | 2.00290012 326 | 2.00289869 327 | 2.00289917 328 | 2.00289869 329 | 2.00289869 330 | 2.00289869 331 | 2.00289869 332 | 2.00289845 333 | 2.00289869 334 | 2.00289869 335 | 2.00289845 336 | 2.00289822 337 | 2.00289822 338 | 2.00289822 339 | 2.00289822 340 | 2.00289845 341 | 2.00289845 342 | 2.00289869 343 | 2.00290012 344 | 2.00290608 345 | 2.00293374 346 | 2.00298381 347 | 2.00292444 348 | 2.00290298 349 | 2.00291920 350 | 2.00289679 351 | 2.00290728 352 | 2.00289941 353 | 2.00290036 354 | 2.00290060 355 | 2.00289845 356 | 2.00289917 357 | 2.00289893 358 | 2.00289845 359 | 2.00289845 360 | 2.00289869 361 | 2.00289869 362 | 2.00289822 363 | 2.00289822 364 | 2.00289822 365 | 2.00289822 366 | 2.00289845 367 | 2.00289845 368 | 2.00289917 369 | 2.00290155 370 | 2.00291157 371 | 2.00294566 372 | 2.00296879 373 | 2.00290537 374 | 2.00290823 375 | 2.00291324 376 | 2.00289726 377 | 2.00290537 378 | 2.00290012 379 | 2.00289893 380 | 2.00290036 381 | 2.00289893 382 | 2.00289822 383 | 2.00289869 384 | 2.00289869 385 | 2.00289845 386 | 2.00289822 387 | 2.00289822 388 | 2.00289822 389 | 2.00289845 390 | 2.00289869 391 | 2.00289941 392 | 2.00290179 393 | 2.00290990 394 | 2.00293446 395 | 2.00295687 396 | 2.00291443 397 | 2.00289917 398 | 2.00291371 399 | 2.00290060 400 | 2.00289965 401 | 2.00290298 402 | 2.00289941 403 | 2.00289845 404 | 2.00289941 405 | 2.00289941 406 | 2.00289869 407 | 2.00289822 408 | 2.00289822 409 | 2.00289822 410 | 2.00289869 411 | 2.00289917 412 | 2.00290012 413 | 2.00290418 414 | 2.00291729 415 | 2.00294352 416 | 2.00294042 417 | 2.00290012 418 | 2.00290442 419 | 2.00290990 420 | 2.00289893 421 | 2.00289989 422 | 2.00290179 423 | 2.00289941 424 | 2.00289822 425 | 2.00289845 426 | 2.00289917 427 | 2.00289917 428 | 2.00289893 429 | 2.00289869 430 | 2.00289893 431 | 2.00289917 432 | 2.00290084 433 | 2.00290585 434 | 2.00292182 435 | 2.00294733 436 | 2.00293088 437 | 2.00289679 438 | 2.00290751 439 | 2.00290751 440 | 2.00289798 441 | 2.00290060 442 | 2.00290155 443 | 2.00289917 444 | 2.00289822 445 | 2.00289845 446 | 2.00289917 447 | 2.00289917 448 | 2.00289893 449 | 2.00289893 450 | 2.00289917 451 | 2.00290036 452 | 2.00290370 453 | 2.00291348 454 | 2.00293398 455 | 2.00293946 456 | 2.00290632 457 | 2.00289893 458 | 2.00290895 459 | 2.00290251 460 | 2.00289774 461 | 2.00290012 462 | 2.00290060 463 | 2.00289941 464 | 2.00289822 465 | 2.00289798 466 | 2.00289845 467 | 2.00289869 468 | 2.00289941 469 | 2.00290108 470 | 2.00290561 471 | 2.00291705 472 | 2.00293469 473 | 2.00292921 474 | 2.00290132 475 | 2.00290012 476 | 2.00290728 477 | 2.00290203 478 | 2.00289798 479 | 2.00289917 480 | 2.00290036 481 | 2.00289989 482 | 2.00289917 483 | 2.00289869 484 | 2.00289798 485 | 2.00289798 486 | 2.00289822 487 | 2.00289845 488 | 2.00289965 489 | 2.00290513 490 | 2.00292754 491 | 2.00297022 492 | 2.00293255 493 | 2.00289655 494 | 2.00291896 495 | 2.00289989 496 | 2.00290179 497 | 2.00290346 498 | 2.00289774 499 | 2.00289989 500 | 2.00289941 501 | 2.00289822 502 | 2.00289822 503 | 2.00289845 504 | 2.00289845 505 | 2.00289798 506 | 2.00289774 507 | 2.00289774 508 | 2.00289798 509 | 2.00289822 510 | 2.00289869 511 | 2.00289965 512 | 2.00290442 513 | 2.00292087 514 | 2.00295544 515 | 2.00294018 516 | 2.00289583 517 | 2.00291228 518 | 2.00290680 519 | 2.00289774 520 | 2.00290322 521 | 2.00290012 522 | 2.00289798 523 | 2.00289917 524 | 2.00289917 525 | 2.00289822 526 | 2.00289774 527 | 2.00289798 528 | 2.00289822 529 | 2.00289845 530 | 2.00289869 531 | 2.00289965 532 | 2.00290155 533 | 2.00290728 534 | 2.00292277 535 | 2.00294113 536 | 2.00292301 537 | 2.00289702 538 | 2.00290489 539 | 2.00290704 540 | 2.00289893 541 | 2.00289845 542 | 2.00290060 543 | 2.00290012 544 | 2.00289869 545 | 2.00289798 546 | 2.00289774 547 | 2.00289822 548 | 2.00289845 549 | 2.00289917 550 | 2.00290155 551 | 2.00290895 552 | 2.00292730 553 | 2.00294518 554 | 2.00291777 555 | 2.00289655 556 | 2.00290823 557 | 2.00290489 558 | 2.00289774 559 | 2.00289989 560 | 2.00290084 561 | 2.00289917 562 | 2.00289798 563 | 2.00289798 564 | 2.00289845 565 | 2.00289893 566 | 2.00289941 567 | 2.00290060 568 | 2.00290298 569 | 2.00290918 570 | 2.00292182 571 | 2.00293136 572 | 2.00291514 573 | 2.00289750 574 | 2.00290155 575 | 2.00290513 576 | 2.00290132 577 | 2.00289822 578 | 2.00289798 579 | 2.00289893 580 | 2.00289965 581 | 2.00290060 582 | 2.00290132 583 | 2.00290346 584 | 2.00290728 585 | 2.00291371 586 | 2.00291944 587 | 2.00291491 588 | 2.00290298 589 | 2.00289774 590 | 2.00289917 591 | 2.00290155 592 | 2.00290251 593 | 2.00290227 594 | 2.00290179 595 | 2.00290155 596 | 2.00290203 597 | 2.00290346 598 | 2.00290632 599 | 2.00291157 600 | 2.00291657 601 | 2.00291467 602 | 2.00290489 603 | 2.00289822 604 | 2.00289798 605 | 2.00289989 606 | 2.00290155 607 | 2.00290298 608 | 2.00290442 609 | 2.00290632 610 | 2.00290823 611 | 2.00290918 612 | 2.00290728 613 | 2.00290394 614 | 2.00290060 615 | 2.00289869 616 | 2.00289822 617 | 2.00289774 618 | 2.00289798 619 | 2.00289798 620 | 2.00289845 621 | 2.00290060 622 | 2.00291085 623 | 2.00294900 624 | 2.00297570 625 | 2.00290322 626 | 2.00291204 627 | 2.00291181 628 | 2.00289726 629 | 2.00290608 630 | 2.00289822 631 | 2.00289965 632 | 2.00289965 633 | 2.00289798 634 | 2.00289822 635 | 2.00289822 636 | 2.00289774 637 | 2.00289774 638 | 2.00289774 639 | 2.00289798 640 | 2.00289798 641 | 2.00289798 642 | 2.00289774 643 | 2.00289798 644 | 2.00289845 645 | 2.00290012 646 | 2.00290656 647 | 2.00292850 648 | 2.00296044 649 | 2.00292444 650 | 2.00289655 651 | 2.00291467 652 | 2.00290155 653 | 2.00289893 654 | 2.00290298 655 | 2.00289869 656 | 2.00289798 657 | 2.00289917 658 | 2.00289869 659 | 2.00289798 660 | 2.00289774 661 | 2.00289774 662 | 2.00289798 663 | 2.00289845 664 | 2.00289869 665 | 2.00289941 666 | 2.00290179 667 | 2.00290895 668 | 2.00292611 669 | 2.00294137 670 | 2.00291634 671 | 2.00289631 672 | 2.00290632 673 | 2.00290537 674 | 2.00289798 675 | 2.00289869 676 | 2.00290036 677 | 2.00289965 678 | 2.00289822 679 | 2.00289774 680 | 2.00289774 681 | 2.00289774 682 | 2.00289845 683 | 2.00289917 684 | 2.00290227 685 | 2.00291109 686 | 2.00293136 687 | 2.00294209 688 | 2.00290966 689 | 2.00289750 690 | 2.00290847 691 | 2.00290298 692 | 2.00289726 693 | 2.00289965 694 | 2.00290036 695 | 2.00289893 696 | 2.00289774 697 | 2.00289750 698 | 2.00289774 699 | 2.00289845 700 | 2.00289893 701 | 2.00290060 702 | 2.00290418 703 | 2.00291395 704 | 2.00292969 705 | 2.00292993 706 | 2.00290442 707 | 2.00289774 708 | 2.00290513 709 | 2.00290346 710 | 2.00289869 711 | 2.00289774 712 | 2.00289893 713 | 2.00289965 714 | 2.00289965 715 | 2.00289941 716 | 2.00289941 717 | 2.00290012 718 | 2.00290179 719 | 2.00290680 720 | 2.00291705 721 | 2.00292921 722 | 2.00292110 723 | 2.00290012 724 | 2.00289845 725 | 2.00290418 726 | 2.00290275 727 | 2.00289893 728 | 2.00289750 729 | 2.00289798 730 | 2.00289869 731 | 2.00289989 732 | 2.00290084 733 | 2.00290346 734 | 2.00290799 735 | 2.00291562 736 | 2.00292063 737 | 2.00291300 738 | 2.00290036 739 | 2.00289726 740 | 2.00290036 741 | 2.00290203 742 | 2.00290203 743 | 2.00290084 744 | 2.00290012 745 | 2.00289941 746 | 2.00289965 747 | 2.00290060 748 | 2.00290394 749 | 2.00291181 750 | 2.00292540 751 | 2.00292897 752 | 2.00290775 753 | 2.00289679 754 | 2.00290298 755 | 2.00290394 756 | 2.00289989 757 | 2.00289774 758 | 2.00289798 759 | 2.00289869 760 | 2.00289965 761 | 2.00290036 762 | 2.00290155 763 | 2.00290394 764 | 2.00290871 765 | 2.00291586 766 | 2.00291920 767 | 2.00291085 768 | 2.00289965 769 | 2.00289726 770 | 2.00290012 771 | 2.00290179 772 | 2.00290203 773 | 2.00290155 774 | 2.00290132 775 | 2.00290108 776 | 2.00290155 777 | 2.00290346 778 | 2.00290728 779 | 2.00291348 780 | 2.00291777 781 | 2.00291252 782 | 2.00290179 783 | 2.00289726 784 | 2.00289869 785 | 2.00290060 786 | 2.00290179 787 | 2.00290251 788 | 2.00290298 789 | 2.00290394 790 | 2.00290537 791 | 2.00290656 792 | 2.00290728 793 | 2.00290680 794 | 2.00290513 795 | 2.00290227 796 | 2.00290036 797 | 2.00289893 798 | 2.00289845 799 | 2.00289869 800 | 2.00289965 801 | 2.00290275 802 | 2.00291300 803 | 2.00293422 804 | 2.00293922 805 | 2.00290513 806 | 2.00289869 807 | 2.00290847 808 | 2.00290155 809 | 2.00289726 810 | 2.00289965 811 | 2.00289989 812 | 2.00289869 813 | 2.00289750 814 | 2.00289726 815 | 2.00289774 816 | 2.00289822 817 | 2.00289917 818 | 2.00290060 819 | 2.00290513 820 | 2.00291586 821 | 2.00293255 822 | 2.00292754 823 | 2.00290084 824 | 2.00289893 825 | 2.00290585 826 | 2.00290203 827 | 2.00289774 828 | 2.00289798 829 | 2.00289917 830 | 2.00289941 831 | 2.00289917 832 | 2.00289869 833 | 2.00289822 834 | 2.00289845 835 | 2.00289917 836 | 2.00290203 837 | 2.00291085 838 | 2.00293064 839 | 2.00294161 840 | 2.00290990 841 | 2.00289702 842 | 2.00290823 843 | 2.00290275 844 | 2.00289726 845 | 2.00289941 846 | 2.00290012 847 | 2.00289869 848 | 2.00289726 849 | 2.00289726 850 | 2.00289774 851 | 2.00289822 852 | 2.00289869 853 | 2.00290012 854 | 2.00290394 855 | 2.00291348 856 | 2.00292993 857 | 2.00293016 858 | 2.00290418 859 | 2.00289750 860 | 2.00290513 861 | 2.00290298 862 | 2.00289822 863 | 2.00289750 864 | 2.00289869 865 | 2.00289941 866 | 2.00289917 867 | 2.00289893 868 | 2.00289869 869 | 2.00289893 870 | 2.00290012 871 | 2.00290370 872 | 2.00291324 873 | 2.00293016 874 | 2.00293136 875 | 2.00290442 876 | 2.00289750 877 | 2.00290537 878 | 2.00290275 879 | 2.00289774 880 | 2.00289774 881 | 2.00289893 882 | 2.00289941 883 | 2.00289893 884 | 2.00289845 885 | 2.00289798 886 | 2.00289798 887 | 2.00289822 888 | 2.00290012 889 | 2.00290585 890 | 2.00292230 891 | 2.00294638 892 | 2.00292659 893 | 2.00289583 894 | 2.00290704 895 | 2.00290632 896 | 2.00289702 897 | 2.00289941 898 | 2.00290060 899 | 2.00289822 900 | 2.00289726 901 | 2.00289750 902 | 2.00289822 903 | 2.00289845 904 | 2.00289822 905 | 2.00289845 906 | 2.00289917 907 | 2.00290108 908 | 2.00290680 909 | 2.00292015 910 | 2.00293565 911 | 2.00292110 912 | 2.00289702 913 | 2.00290155 914 | 2.00290585 915 | 2.00289989 916 | 2.00289726 917 | 2.00289845 918 | 2.00289941 919 | 2.00289893 920 | 2.00289822 921 | 2.00289774 922 | 2.00289750 923 | 2.00289750 924 | 2.00289774 925 | 2.00289941 926 | 2.00290489 927 | 2.00292301 928 | 2.00295472 929 | 2.00293159 930 | 2.00289488 931 | 2.00291157 932 | 2.00290442 933 | 2.00289702 934 | 2.00290203 935 | 2.00289941 936 | 2.00289726 937 | 2.00289822 938 | 2.00289845 939 | 2.00289774 940 | 2.00289726 941 | 2.00289726 942 | 2.00289726 943 | 2.00289750 944 | 2.00289798 945 | 2.00289893 946 | 2.00290179 947 | 2.00291085 948 | 2.00293326 949 | 2.00294447 950 | 2.00290823 951 | 2.00289798 952 | 2.00290942 953 | 2.00290108 954 | 2.00289726 955 | 2.00290012 956 | 2.00289965 957 | 2.00289774 958 | 2.00289702 959 | 2.00289750 960 | 2.00289798 961 | 2.00289822 962 | 2.00289869 963 | 2.00289917 964 | 2.00290084 965 | 2.00290585 966 | 2.00291681 967 | 2.00293064 968 | 2.00292253 969 | 2.00289941 970 | 2.00289869 971 | 2.00290465 972 | 2.00290179 973 | 2.00289774 974 | 2.00289726 975 | 2.00289822 976 | 2.00289893 977 | 2.00289941 978 | 2.00289989 979 | 2.00290060 980 | 2.00290275 981 | 2.00290728 982 | 2.00291491 983 | 2.00292039 984 | 2.00291348 985 | 2.00290036 986 | 2.00289679 987 | 2.00289989 988 | 2.00290155 989 | 2.00290132 990 | 2.00290012 991 | 2.00289917 992 | 2.00289869 993 | 2.00289869 994 | 2.00289917 995 | 2.00290203 996 | 2.00290918 997 | 2.00292444 998 | 2.00293541 999 | 2.00291324 1000 | 2.00289583 1001 | 2.00290394 1002 | 2.00290465 1003 | 2.00289845 1004 | 2.00289726 1005 | 2.00289869 1006 | 2.00289917 1007 | 2.00289869 1008 | 2.00289798 1009 | 2.00289750 1010 | 2.00289750 1011 | 2.00289750 1012 | 2.00289798 1013 | 2.00290012 1014 | 2.00290728 1015 | 2.00293064 1016 | 2.00295687 1017 | 2.00291729 1018 | 2.00289679 1019 | 2.00291300 1020 | 2.00290012 1021 | 2.00289822 1022 | 2.00290203 1023 | 2.00289822 1024 | 2.00289726 1025 | 2.00289822 1026 | 2.00289822 1027 | 2.00289750 1028 | 2.00289702 1029 | 2.00289702 1030 | 2.00289726 1031 | 2.00289750 1032 | 2.00289798 1033 | 2.00289917 1034 | 2.00290298 1035 | 2.00291491 1036 | 2.00293875 1037 | 2.00293779 1038 | 2.00290036 1039 | 2.00290108 1040 | 2.00290871 1041 | 2.00289893 1042 | 2.00289750 1043 | 2.00290012 1044 | 2.00289893 1045 | 2.00289726 1046 | 2.00289702 1047 | 2.00289726 1048 | 2.00289798 1049 | 2.00289822 1050 | 2.00289869 1051 | 2.00289965 1052 | 2.00290251 1053 | 2.00290918 1054 | 2.00292253 1055 | 2.00293016 1056 | 2.00291133 1057 | 2.00289631 1058 | 2.00290155 1059 | 2.00290418 1060 | 2.00289989 1061 | 2.00289702 1062 | 2.00289726 1063 | 2.00289822 1064 | 2.00289869 1065 | 2.00289965 1066 | 2.00290060 1067 | 2.00290251 1068 | 2.00290632 1069 | 2.00291300 1070 | 2.00291872 1071 | 2.00291395 1072 | 2.00290155 1073 | 2.00289655 1074 | 2.00289869 1075 | 2.00290060 1076 | 2.00290155 1077 | 2.00290132 1078 | 2.00290084 1079 | 2.00290060 1080 | 2.00290084 1081 | 2.00290227 1082 | 2.00290537 1083 | 2.00291085 1084 | 2.00291657 1085 | 2.00291491 1086 | 2.00290418 1087 | 2.00289702 1088 | 2.00289726 1089 | 2.00289965 1090 | 2.00290108 1091 | 2.00290179 1092 | 2.00290251 1093 | 2.00290322 1094 | 2.00290442 1095 | 2.00290561 1096 | 2.00290680 1097 | 2.00290680 1098 | 2.00290513 1099 | 2.00290251 1100 | 2.00290012 1101 | 2.00289845 1102 | 2.00289798 1103 | 2.00289822 1104 | 2.00289869 1105 | 2.00290132 1106 | 2.00290895 1107 | 2.00292730 1108 | 2.00294089 1109 | 2.00291252 1110 | 2.00289583 1111 | 2.00290632 1112 | 2.00290346 1113 | 2.00289679 1114 | 2.00289822 1115 | 2.00289965 1116 | 2.00289845 1117 | 2.00289726 1118 | 2.00289679 1119 | 2.00289702 1120 | 2.00289726 1121 | 2.00289798 1122 | 2.00289917 1123 | 2.00290251 1124 | 2.00291228 1125 | 2.00293159 1126 | 2.00293565 1127 | 2.00290489 1128 | 2.00289726 1129 | 2.00290656 1130 | 2.00290179 1131 | 2.00289679 1132 | 2.00289822 1133 | 2.00289917 1134 | 2.00289869 1135 | 2.00289750 1136 | 2.00289679 1137 | 2.00289679 1138 | 2.00289679 1139 | 2.00289726 1140 | 2.00289774 1141 | 2.00289965 1142 | 2.00290751 1143 | 2.00293207 1144 | 2.00295782 1145 | 2.00291538 1146 | 2.00289726 1147 | 2.00291300 1148 | 2.00289917 1149 | 2.00289845 1150 | 2.00290179 1151 | 2.00289774 1152 | 2.00289702 1153 | 2.00289798 1154 | 2.00289774 1155 | 2.00289726 1156 | 2.00289679 1157 | 2.00289679 1158 | 2.00289726 1159 | 2.00289726 1160 | 2.00289774 1161 | 2.00289893 1162 | 2.00290298 1163 | 2.00291419 1164 | 2.00293589 1165 | 2.00293541 1166 | 2.00290132 1167 | 2.00289941 1168 | 2.00290775 1169 | 2.00289989 1170 | 2.00289679 1171 | 2.00289917 1172 | 2.00289917 1173 | 2.00289774 1174 | 2.00289655 1175 | 2.00289679 1176 | 2.00289702 1177 | 2.00289750 1178 | 2.00289822 1179 | 2.00290012 1180 | 2.00290513 1181 | 2.00291729 1182 | 2.00293326 1183 | 2.00292373 1184 | 2.00289822 1185 | 2.00289941 1186 | 2.00290537 1187 | 2.00290060 1188 | 2.00289679 1189 | 2.00289750 1190 | 2.00289869 1191 | 2.00289869 1192 | 2.00289822 1193 | 2.00289774 1194 | 2.00289774 1195 | 2.00289774 1196 | 2.00289869 1197 | 2.00290227 1198 | 2.00291228 1199 | 2.00293303 1200 | 2.00293827 1201 | 2.00290465 1202 | 2.00289774 1203 | 2.00290775 1204 | 2.00290108 1205 | 2.00289655 1206 | 2.00289869 1207 | 2.00289917 1208 | 2.00289774 1209 | 2.00289679 1210 | 2.00289679 1211 | 2.00289702 1212 | 2.00289750 1213 | 2.00289822 1214 | 2.00289965 1215 | 2.00290418 1216 | 2.00291562 1217 | 2.00293303 1218 | 2.00292706 1219 | 2.00289965 1220 | 2.00289869 1221 | 2.00290561 1222 | 2.00290084 1223 | 2.00289655 1224 | 2.00289750 1225 | 2.00289869 1226 | 2.00289869 1227 | 2.00289822 1228 | 2.00289726 1229 | 2.00289702 1230 | 2.00289702 1231 | 2.00289726 1232 | 2.00289869 1233 | 2.00290298 1234 | 2.00291824 1235 | 2.00294924 1236 | 2.00293803 1237 | 2.00289559 1238 | 2.00290775 1239 | 2.00290680 1240 | 2.00289607 1241 | 2.00290060 1242 | 2.00289965 1243 | 2.00289679 1244 | 2.00289726 1245 | 2.00289774 1246 | 2.00289750 1247 | 2.00289702 1248 | 2.00289679 1249 | 2.00289655 1250 | 2.00289679 1251 | 2.00289679 1252 | 2.00289726 1253 | 2.00289893 1254 | 2.00290513 1255 | 2.00292492 1256 | 2.00295591 1257 | 2.00292635 1258 | 2.00289464 1259 | 2.00291204 1260 | 2.00290251 1261 | 2.00289679 1262 | 2.00290155 1263 | 2.00289845 1264 | 2.00289679 1265 | 2.00289750 1266 | 2.00289774 1267 | 2.00289726 1268 | 2.00289655 1269 | 2.00289655 1270 | 2.00289679 1271 | 2.00289702 1272 | 2.00289726 1273 | 2.00289845 1274 | 2.00290155 1275 | 2.00291157 1276 | 2.00293398 1277 | 2.00294065 1278 | 2.00290489 1279 | 2.00289822 1280 | 2.00290847 1281 | 2.00290012 1282 | 2.00289655 1283 | 2.00289941 1284 | 2.00289917 1285 | 2.00289726 1286 | 2.00289631 1287 | 2.00289679 1288 | 2.00289726 1289 | 2.00289774 1290 | 2.00289822 1291 | 2.00289917 1292 | 2.00290251 1293 | 2.00291014 1294 | 2.00292349 1295 | 2.00292873 1296 | 2.00290823 1297 | 2.00289583 1298 | 2.00290155 1299 | 2.00290346 1300 | 2.00289917 1301 | 2.00289655 1302 | 2.00289679 1303 | 2.00289774 1304 | 2.00289845 1305 | 2.00289917 1306 | 2.00290060 1307 | 2.00290275 1308 | 2.00290775 1309 | 2.00291491 1310 | 2.00291824 1311 | 2.00290966 1312 | 2.00289845 1313 | 2.00289655 1314 | 2.00289893 1315 | 2.00290060 1316 | 2.00290108 1317 | 2.00290060 1318 | 2.00290036 1319 | 2.00290012 1320 | 2.00290108 1321 | 2.00290275 1322 | 2.00290656 1323 | 2.00291252 1324 | 2.00291586 1325 | 2.00291061 1326 | 2.00290060 1327 | 2.00289631 1328 | 2.00289726 1329 | 2.00289941 1330 | 2.00290060 1331 | 2.00290203 1332 | 2.00290346 1333 | 2.00290489 1334 | 2.00290680 1335 | 2.00290704 1336 | 2.00290537 1337 | 2.00290251 1338 | 2.00289965 1339 | 2.00289774 1340 | 2.00289702 1341 | 2.00289702 1342 | 2.00289702 1343 | 2.00289774 1344 | 2.00290108 1345 | 2.00291228 1346 | 2.00294185 1347 | 2.00294995 1348 | 2.00290132 1349 | 2.00290298 1350 | 2.00291014 1351 | 2.00289655 1352 | 2.00289965 1353 | 2.00290036 1354 | 2.00289679 1355 | 2.00289679 1356 | 2.00289774 1357 | 2.00289726 1358 | 2.00289679 1359 | 2.00289631 1360 | 2.00289655 1361 | 2.00289679 1362 | 2.00289679 1363 | 2.00289750 1364 | 2.00289917 1365 | 2.00290489 1366 | 2.00292158 1367 | 2.00294662 1368 | 2.00292635 1369 | 2.00289488 1370 | 2.00290680 1371 | 2.00290513 1372 | 2.00289631 1373 | 2.00289917 1374 | 2.00289941 1375 | 2.00289726 1376 | 2.00289631 1377 | 2.00289679 1378 | 2.00289750 1379 | 2.00289726 1380 | 2.00289726 1381 | 2.00289726 1382 | 2.00289750 1383 | 2.00289869 1384 | 2.00290203 1385 | 2.00291252 1386 | 2.00293350 1387 | 2.00293660 1388 | 2.00290298 1389 | 2.00289774 1390 | 2.00290728 1391 | 2.00290036 1392 | 2.00289631 1393 | 2.00289869 1394 | 2.00289893 1395 | 2.00289750 1396 | 2.00289655 1397 | 2.00289631 1398 | 2.00289655 1399 | 2.00289702 1400 | 2.00289774 1401 | 2.00289941 1402 | 2.00290442 1403 | 2.00291634 1404 | 2.00293422 1405 | 2.00292611 1406 | 2.00289845 1407 | 2.00289917 1408 | 2.00290561 1409 | 2.00289989 1410 | 2.00289631 1411 | 2.00289774 1412 | 2.00289845 1413 | 2.00289822 1414 | 2.00289726 1415 | 2.00289679 1416 | 2.00289631 1417 | 2.00289631 1418 | 2.00289631 1419 | 2.00289631 1420 | 2.00289702 1421 | 2.00289869 1422 | 2.00290942 1423 | 2.00295067 1424 | 2.00297785 1425 | 2.00289989 1426 | 2.00291419 1427 | 2.00290847 1428 | 2.00289702 1429 | 2.00290513 1430 | 2.00289607 1431 | 2.00289917 1432 | 2.00289774 1433 | 2.00289655 1434 | 2.00289726 1435 | 2.00289679 1436 | 2.00289655 1437 | 2.00289631 1438 | 2.00289655 1439 | 2.00289655 1440 | 2.00289631 1441 | 2.00289607 1442 | 2.00289607 1443 | 2.00289607 1444 | 2.00289607 1445 | 2.00289607 1446 | 2.00289631 1447 | 2.00289679 1448 | 2.00290012 1449 | 2.00291800 1450 | 2.00297904 1451 | 2.00296021 1452 | 2.00289178 1453 | 2.00292563 1454 | 2.00289631 1455 | 2.00290585 1456 | 2.00289965 1457 | 2.00289774 1458 | 2.00289965 1459 | 2.00289631 1460 | 2.00289774 1461 | 2.00289679 1462 | 2.00289655 1463 | 2.00289655 1464 | 2.00289655 1465 | 2.00289631 1466 | 2.00289631 1467 | 2.00289631 1468 | 2.00289631 1469 | 2.00289631 1470 | 2.00289631 1471 | 2.00289631 1472 | 2.00289631 1473 | 2.00289726 1474 | 2.00289965 1475 | 2.00290966 1476 | 2.00294113 1477 | 2.00295973 1478 | 2.00290418 1479 | 2.00290322 1480 | 2.00291181 1481 | 2.00289559 1482 | 2.00290108 1483 | 2.00289989 1484 | 2.00289631 1485 | 2.00289750 1486 | 2.00289774 1487 | 2.00289655 1488 | 2.00289631 1489 | 2.00289631 1490 | 2.00289679 1491 | 2.00289679 1492 | 2.00289655 1493 | 2.00289655 1494 | 2.00289679 1495 | 2.00289750 1496 | 2.00290012 1497 | 2.00290966 1498 | 2.00293493 1499 | 2.00294971 1500 | 2.00290680 1501 | 2.00289845 1502 | 2.00291061 1503 | 2.00289822 1504 | 2.00289750 1505 | 2.00290036 1506 | 2.00289750 1507 | 2.00289631 1508 | 2.00289679 1509 | 2.00289726 1510 | 2.00289702 1511 | 2.00289631 1512 | 2.00289607 1513 | 2.00289607 1514 | 2.00289607 1515 | 2.00289607 1516 | 2.00289631 1517 | 2.00289631 1518 | 2.00289726 1519 | 2.00290298 1520 | 2.00293159 1521 | 2.00299215 1522 | 2.00292563 1523 | 2.00290251 1524 | 2.00291896 1525 | 2.00289440 1526 | 2.00290704 1527 | 2.00289631 1528 | 2.00289917 1529 | 2.00289822 1530 | 2.00289631 1531 | 2.00289750 1532 | 2.00289655 1533 | 2.00289631 1534 | 2.00289631 1535 | 2.00289655 1536 | 2.00289631 1537 | 2.00289607 1538 | 2.00289607 1539 | 2.00289631 1540 | 2.00289631 1541 | 2.00289631 1542 | 2.00289631 1543 | 2.00289702 1544 | 2.00289893 1545 | 2.00290632 1546 | 2.00293064 1547 | 2.00295830 1548 | 2.00291562 1549 | 2.00289655 1550 | 2.00291276 1551 | 2.00289845 1552 | 2.00289774 1553 | 2.00290108 1554 | 2.00289679 1555 | 2.00289655 1556 | 2.00289750 1557 | 2.00289702 1558 | 2.00289631 1559 | 2.00289607 1560 | 2.00289631 1561 | 2.00289631 1562 | 2.00289679 1563 | 2.00289702 1564 | 2.00289822 1565 | 2.00290155 1566 | 2.00291109 1567 | 2.00293112 1568 | 2.00293636 1569 | 2.00290465 1570 | 2.00289679 1571 | 2.00290632 1572 | 2.00290108 1573 | 2.00289583 1574 | 2.00289774 1575 | 2.00289869 1576 | 2.00289774 1577 | 2.00289655 1578 | 2.00289583 1579 | 2.00289631 1580 | 2.00289631 1581 | 2.00289702 1582 | 2.00289822 1583 | 2.00290227 1584 | 2.00291395 1585 | 2.00293684 1586 | 2.00293541 1587 | 2.00289965 1588 | 2.00289965 1589 | 2.00290728 1590 | 2.00289845 1591 | 2.00289631 1592 | 2.00289893 1593 | 2.00289822 1594 | 2.00289679 1595 | 2.00289607 1596 | 2.00289631 1597 | 2.00289679 1598 | 2.00289726 1599 | 2.00289774 1600 | 2.00289965 1601 | 2.00290370 1602 | 2.00291348 1603 | 2.00292754 1604 | 2.00292397 1605 | 2.00290108 1606 | 2.00289607 1607 | 2.00290298 1608 | 2.00290179 1609 | 2.00289726 1610 | 2.00289583 1611 | 2.00289679 1612 | 2.00289774 1613 | 2.00289822 1614 | 2.00289917 1615 | 2.00290012 1616 | 2.00290275 1617 | 2.00290775 1618 | 2.00291491 1619 | 2.00291753 1620 | 2.00290799 1621 | 2.00289726 1622 | 2.00289607 1623 | 2.00289869 1624 | 2.00290012 1625 | 2.00290060 1626 | 2.00290012 1627 | 2.00289965 1628 | 2.00289965 1629 | 2.00290036 1630 | 2.00290227 1631 | 2.00290632 1632 | 2.00291228 1633 | 2.00291586 1634 | 2.00290990 1635 | 2.00289941 1636 | 2.00289583 1637 | 2.00289726 1638 | 2.00289893 1639 | 2.00290036 1640 | 2.00290132 1641 | 2.00290227 1642 | 2.00290346 1643 | 2.00290489 1644 | 2.00290585 1645 | 2.00290537 1646 | 2.00290346 1647 | 2.00290108 1648 | 2.00289869 1649 | 2.00289750 1650 | 2.00289702 1651 | 2.00289726 1652 | 2.00289845 1653 | 2.00290179 1654 | 2.00291157 1655 | 2.00293112 1656 | 2.00293517 1657 | 2.00290346 1658 | 2.00289679 1659 | 2.00290608 1660 | 2.00290084 1661 | 2.00289583 1662 | 2.00289750 1663 | 2.00289845 1664 | 2.00289774 1665 | 2.00289631 1666 | 2.00289583 1667 | 2.00289583 1668 | 2.00289607 1669 | 2.00289655 1670 | 2.00289750 1671 | 2.00290108 1672 | 2.00291204 1673 | 2.00293756 1674 | 2.00294304 1675 | 2.00290155 1676 | 2.00289965 1677 | 2.00290871 1678 | 2.00289774 1679 | 2.00289679 1680 | 2.00289965 1681 | 2.00289750 1682 | 2.00289607 1683 | 2.00289631 1684 | 2.00289679 1685 | 2.00289679 1686 | 2.00289655 1687 | 2.00289631 1688 | 2.00289631 1689 | 2.00289679 1690 | 2.00289774 1691 | 2.00290155 1692 | 2.00291419 1693 | 2.00294113 1694 | 2.00293922 1695 | 2.00289822 1696 | 2.00290203 1697 | 2.00290775 1698 | 2.00289655 1699 | 2.00289750 1700 | 2.00289965 1701 | 2.00289726 1702 | 2.00289607 1703 | 2.00289631 1704 | 2.00289679 1705 | 2.00289679 1706 | 2.00289631 1707 | 2.00289631 1708 | 2.00289631 1709 | 2.00289655 1710 | 2.00289726 1711 | 2.00290084 1712 | 2.00291204 1713 | 2.00294065 1714 | 2.00294638 1715 | 2.00290012 1716 | 2.00290179 1717 | 2.00290918 1718 | 2.00289607 1719 | 2.00289822 1720 | 2.00289989 1721 | 2.00289655 1722 | 2.00289607 1723 | 2.00289679 1724 | 2.00289702 1725 | 2.00289631 1726 | 2.00289583 1727 | 2.00289583 1728 | 2.00289583 1729 | 2.00289583 1730 | 2.00289607 1731 | 2.00289679 1732 | 2.00289917 1733 | 2.00290918 1734 | 2.00294209 1735 | 2.00296354 1736 | 2.00290346 1737 | 2.00290442 1738 | 2.00291157 1739 | 2.00289464 1740 | 2.00290203 1741 | 2.00289869 1742 | 2.00289583 1743 | 2.00289774 1744 | 2.00289679 1745 | 2.00289583 1746 | 2.00289583 1747 | 2.00289631 1748 | 2.00289607 1749 | 2.00289583 1750 | 2.00289559 1751 | 2.00289559 1752 | 2.00289559 1753 | 2.00289583 1754 | 2.00289583 1755 | 2.00289559 1756 | 2.00289583 1757 | 2.00289631 1758 | 2.00289989 1759 | 2.00292206 1760 | 2.00300097 1761 | 2.00295162 1762 | 2.00289702 1763 | 2.00292540 1764 | 2.00289345 1765 | 2.00290918 1766 | 2.00289488 1767 | 2.00290108 1768 | 2.00289631 1769 | 2.00289726 1770 | 2.00289702 1771 | 2.00289583 1772 | 2.00289631 1773 | 2.00289583 1774 | 2.00289583 1775 | 2.00289583 1776 | 2.00289583 1777 | 2.00289559 1778 | 2.00289559 1779 | 2.00289583 1780 | 2.00289559 1781 | 2.00289583 1782 | 2.00289559 1783 | 2.00289583 1784 | 2.00289583 1785 | 2.00289679 1786 | 2.00289941 1787 | 2.00291133 1788 | 2.00294805 1789 | 2.00295901 1790 | 2.00289798 1791 | 2.00290823 1792 | 2.00290847 1793 | 2.00289488 1794 | 2.00290251 1795 | 2.00289750 1796 | 2.00289607 1797 | 2.00289774 1798 | 2.00289655 1799 | 2.00289583 1800 | 2.00289583 1801 | 2.00289631 1802 | 2.00289607 1803 | 2.00289583 1804 | 2.00289559 1805 | 2.00289536 1806 | 2.00289559 1807 | 2.00289583 1808 | 2.00289559 1809 | 2.00289607 1810 | 2.00289798 1811 | 2.00290775 1812 | 2.00294805 1813 | 2.00298071 1814 | 2.00290108 1815 | 2.00291300 1816 | 2.00290871 1817 | 2.00289631 1818 | 2.00290465 1819 | 2.00289536 1820 | 2.00289869 1821 | 2.00289702 1822 | 2.00289583 1823 | 2.00289655 1824 | 2.00289607 1825 | 2.00289559 1826 | 2.00289583 1827 | 2.00289583 1828 | 2.00289583 1829 | 2.00289536 1830 | 2.00289559 1831 | 2.00289536 1832 | 2.00289559 1833 | 2.00289583 1834 | 2.00289583 1835 | 2.00289631 1836 | 2.00289941 1837 | 2.00291252 1838 | 2.00295448 1839 | 2.00296116 1840 | 2.00289488 1841 | 2.00291300 1842 | 2.00290561 1843 | 2.00289607 1844 | 2.00290298 1845 | 2.00289583 1846 | 2.00289702 1847 | 2.00289774 1848 | 2.00289583 1849 | 2.00289583 1850 | 2.00289631 1851 | 2.00289583 1852 | 2.00289559 1853 | 2.00289536 1854 | 2.00289559 1855 | 2.00289583 1856 | 2.00289583 1857 | 2.00289607 1858 | 2.00289702 1859 | 2.00289989 1860 | 2.00290847 1861 | 2.00293159 1862 | 2.00294685 1863 | 2.00290847 1864 | 2.00289631 1865 | 2.00290918 1866 | 2.00289917 1867 | 2.00289583 1868 | 2.00289941 1869 | 2.00289750 1870 | 2.00289559 1871 | 2.00289583 1872 | 2.00289631 1873 | 2.00289655 1874 | 2.00289631 1875 | 2.00289607 1876 | 2.00289583 1877 | 2.00289631 1878 | 2.00289679 1879 | 2.00289941 1880 | 2.00290775 1881 | 2.00293207 1882 | 2.00294971 1883 | 2.00290918 1884 | 2.00289679 1885 | 2.00290966 1886 | 2.00289845 1887 | 2.00289631 1888 | 2.00289989 1889 | 2.00289726 1890 | 2.00289583 1891 | 2.00289631 1892 | 2.00289655 1893 | 2.00289631 1894 | 2.00289583 1895 | 2.00289559 1896 | 2.00289559 1897 | 2.00289536 1898 | 2.00289536 1899 | 2.00289536 1900 | 2.00289536 1901 | 2.00289536 1902 | 2.00289536 1903 | 2.00289631 1904 | 2.00290227 1905 | 2.00294447 1906 | 2.00303245 1907 | 2.00290513 1908 | 2.00293159 1909 | 2.00290108 1910 | 2.00291061 1911 | 2.00289774 1912 | 2.00290203 1913 | 2.00289679 1914 | 2.00289798 1915 | 2.00289655 1916 | 2.00289631 1917 | 2.00289631 1918 | 2.00289583 1919 | 2.00289583 1920 | 2.00289583 1921 | 2.00289536 1922 | 2.00289559 1923 | 2.00289559 1924 | 2.00289536 1925 | 2.00289536 1926 | 2.00289536 1927 | 2.00289536 1928 | 2.00289536 1929 | 2.00289536 1930 | 2.00289536 1931 | 2.00289536 1932 | 2.00289536 1933 | 2.00289536 1934 | 2.00289559 1935 | 2.00289631 1936 | 2.00290084 1937 | 2.00292468 1938 | 2.00298643 1939 | 2.00293756 1940 | 2.00289607 1941 | 2.00292158 1942 | 2.00289345 1943 | 2.00290585 1944 | 2.00289679 1945 | 2.00289750 1946 | 2.00289822 1947 | 2.00289536 1948 | 2.00289655 1949 | 2.00289607 1950 | 2.00289559 1951 | 2.00289559 1952 | 2.00289583 1953 | 2.00289536 1954 | 2.00289536 1955 | 2.00289536 1956 | 2.00289536 1957 | 2.00289536 1958 | 2.00289559 1959 | 2.00289583 1960 | 2.00289631 1961 | 2.00289845 1962 | 2.00290632 1963 | 2.00293112 1964 | 2.00295639 1965 | 2.00291276 1966 | 2.00289631 1967 | 2.00291157 1968 | 2.00289750 1969 | 2.00289726 1970 | 2.00290012 1971 | 2.00289631 1972 | 2.00289583 1973 | 2.00289679 1974 | 2.00289631 1975 | 2.00289559 1976 | 2.00289536 1977 | 2.00289536 1978 | 2.00289583 1979 | 2.00289583 1980 | 2.00289655 1981 | 2.00289774 1982 | 2.00290179 1983 | 2.00291348 1984 | 2.00293493 1985 | 2.00293303 1986 | 2.00289917 1987 | 2.00289822 1988 | 2.00290608 1989 | 2.00289845 1990 | 2.00289536 1991 | 2.00289774 1992 | 2.00289774 1993 | 2.00289631 1994 | 2.00289536 1995 | 2.00289536 1996 | 2.00289559 1997 | 2.00289607 1998 | 2.00289702 1999 | 2.00289869 2000 | 2.00290418 2001 | 2.00291705 2002 | 2.00293374 2003 | 2.00292158 2004 | 2.00289607 2005 | 2.00289893 2006 | 2.00290418 2007 | 2.00289822 2008 | 2.00289536 2009 | 2.00289655 2010 | 2.00289750 2011 | 2.00289726 2012 | 2.00289655 2013 | 2.00289583 2014 | 2.00289536 2015 | 2.00289559 2016 | 2.00289583 2017 | 2.00289631 2018 | 2.00289917 2019 | 2.00291014 2020 | 2.00294352 2021 | 2.00295758 2022 | 2.00290012 2023 | 2.00290465 2024 | 2.00290966 2025 | 2.00289440 2026 | 2.00290084 2027 | 2.00289822 2028 | 2.00289536 2029 | 2.00289679 2030 | 2.00289655 2031 | 2.00289559 2032 | 2.00289536 2033 | 2.00289559 2034 | 2.00289583 2035 | 2.00289559 2036 | 2.00289536 2037 | 2.00289536 2038 | 2.00289559 2039 | 2.00289607 2040 | 2.00289774 2041 | 2.00290418 2042 | 2.00292587 2043 | 2.00295687 2044 | 2.00292158 2045 | 2.00289392 2046 | 2.00291181 2047 | 2.00289965 2048 | 2.00289607 2049 | 2.00290060 2050 | 2.00289631 2051 | 2.00289559 2052 | 2.00289655 2053 | 2.00289631 2054 | 2.00289559 2055 | 2.00289512 2056 | 2.00289512 2057 | 2.00289559 2058 | 2.00289583 2059 | 2.00289631 2060 | 2.00289726 2061 | 2.00290012 2062 | 2.00290942 2063 | 2.00292897 2064 | 2.00293732 2065 | 2.00290608 2066 | 2.00289536 2067 | 2.00290561 2068 | 2.00290060 2069 | 2.00289512 2070 | 2.00289679 2071 | 2.00289774 2072 | 2.00289679 2073 | 2.00289559 2074 | 2.00289512 2075 | 2.00289512 2076 | 2.00289559 2077 | 2.00289607 2078 | 2.00289750 2079 | 2.00290155 2080 | 2.00291276 2081 | 2.00293374 2082 | 2.00293303 2083 | 2.00289965 2084 | 2.00289774 2085 | 2.00290585 2086 | 2.00289845 2087 | 2.00289512 2088 | 2.00289726 2089 | 2.00289774 2090 | 2.00289631 2091 | 2.00289536 2092 | 2.00289512 2093 | 2.00289536 2094 | 2.00289583 2095 | 2.00289631 2096 | 2.00289822 2097 | 2.00290322 2098 | 2.00291681 2099 | 2.00293636 2100 | 2.00292492 2101 | 2.00289583 2102 | 2.00290012 2103 | 2.00290489 2104 | 2.00289702 2105 | 2.00289536 2106 | 2.00289726 2107 | 2.00289750 2108 | 2.00289631 2109 | 2.00289536 2110 | 2.00289488 2111 | 2.00289536 2112 | 2.00289536 2113 | 2.00289583 2114 | 2.00289750 2115 | 2.00290251 2116 | 2.00291824 2117 | 2.00294518 2118 | 2.00292993 2119 | 2.00289392 2120 | 2.00290489 2121 | 2.00290489 2122 | 2.00289488 2123 | 2.00289774 2124 | 2.00289845 2125 | 2.00289583 2126 | 2.00289536 2127 | 2.00289583 2128 | 2.00289631 2129 | 2.00289607 2130 | 2.00289583 2131 | 2.00289559 2132 | 2.00289559 2133 | 2.00289607 2134 | 2.00289750 2135 | 2.00290251 2136 | 2.00291872 2137 | 2.00294709 2138 | 2.00293016 2139 | 2.00289345 2140 | 2.00290608 2141 | 2.00290442 2142 | 2.00289464 2143 | 2.00289822 2144 | 2.00289822 2145 | 2.00289559 2146 | 2.00289512 2147 | 2.00289583 2148 | 2.00289607 2149 | 2.00289583 2150 | 2.00289536 2151 | 2.00289512 2152 | 2.00289488 2153 | 2.00289488 2154 | 2.00289488 2155 | 2.00289536 2156 | 2.00289655 2157 | 2.00290227 2158 | 2.00292945 2159 | 2.00298357 2160 | 2.00292492 2161 | 2.00289893 2162 | 2.00291800 2163 | 2.00289345 2164 | 2.00290442 2165 | 2.00289655 2166 | 2.00289679 2167 | 2.00289774 2168 | 2.00289536 2169 | 2.00289583 2170 | 2.00289583 2171 | 2.00289512 2172 | 2.00289512 2173 | 2.00289536 2174 | 2.00289536 2175 | 2.00289488 2176 | 2.00289488 2177 | 2.00289488 2178 | 2.00289488 2179 | 2.00289488 2180 | 2.00289512 2181 | 2.00289559 2182 | 2.00289774 2183 | 2.00290632 2184 | 2.00293875 2185 | 2.00297165 2186 | 2.00290728 2187 | 2.00290346 2188 | 2.00291228 2189 | 2.00289392 2190 | 2.00290251 2191 | 2.00289726 2192 | 2.00289583 2193 | 2.00289726 2194 | 2.00289583 2195 | 2.00289512 2196 | 2.00289559 2197 | 2.00289583 2198 | 2.00289512 2199 | 2.00289488 2200 | 2.00289512 2201 | 2.00289512 2202 | 2.00289512 2203 | 2.00289536 2204 | 2.00289631 2205 | 2.00289798 2206 | 2.00290489 2207 | 2.00292444 2208 | 2.00294805 2209 | 2.00291824 2210 | 2.00289345 2211 | 2.00290775 2212 | 2.00290132 2213 | 2.00289440 2214 | 2.00289845 2215 | 2.00289750 2216 | 2.00289536 2217 | 2.00289512 2218 | 2.00289583 2219 | 2.00289607 2220 | 2.00289583 2221 | 2.00289536 2222 | 2.00289536 2223 | 2.00289536 2224 | 2.00289559 2225 | 2.00289726 2226 | 2.00290179 2227 | 2.00291872 2228 | 2.00295067 2229 | 2.00293255 2230 | 2.00289297 2231 | 2.00290823 2232 | 2.00290346 2233 | 2.00289440 2234 | 2.00289965 2235 | 2.00289750 2236 | 2.00289488 2237 | 2.00289583 2238 | 2.00289607 2239 | 2.00289559 2240 | 2.00289488 2241 | 2.00289488 2242 | 2.00289488 2243 | 2.00289512 2244 | 2.00289559 2245 | 2.00289631 2246 | 2.00289893 2247 | 2.00290751 2248 | 2.00292993 2249 | 2.00294614 2250 | 2.00290918 2251 | 2.00289512 2252 | 2.00290823 2253 | 2.00289893 2254 | 2.00289488 2255 | 2.00289869 2256 | 2.00289726 2257 | 2.00289512 2258 | 2.00289512 2259 | 2.00289583 2260 | 2.00289583 2261 | 2.00289583 2262 | 2.00289559 2263 | 2.00289536 2264 | 2.00289583 2265 | 2.00289655 2266 | 2.00290012 2267 | 2.00291038 2268 | 2.00293493 2269 | 2.00294161 2270 | 2.00290155 2271 | 2.00289774 2272 | 2.00290775 2273 | 2.00289726 2274 | 2.00289536 2275 | 2.00289869 2276 | 2.00289679 2277 | 2.00289488 2278 | 2.00289512 2279 | 2.00289583 2280 | 2.00289583 2281 | 2.00289583 2282 | 2.00289583 2283 | 2.00289583 2284 | 2.00289679 2285 | 2.00289893 2286 | 2.00290585 2287 | 2.00292277 2288 | 2.00293875 2289 | 2.00291467 2290 | 2.00289345 2291 | 2.00290346 2292 | 2.00290251 2293 | 2.00289512 2294 | 2.00289583 2295 | 2.00289750 2296 | 2.00289679 2297 | 2.00289536 2298 | 2.00289488 2299 | 2.00289488 2300 | 2.00289488 2301 | 2.00289559 2302 | 2.00289655 2303 | 2.00289941 2304 | 2.00290799 2305 | 2.00292802 2306 | 2.00293899 2307 | 2.00290751 2308 | 2.00289464 2309 | 2.00290537 2310 | 2.00290036 2311 | 2.00289440 2312 | 2.00289679 2313 | 2.00289774 2314 | 2.00289631 2315 | 2.00289488 2316 | 2.00289464 2317 | 2.00289512 2318 | 2.00289559 2319 | 2.00289607 2320 | 2.00289774 2321 | 2.00290155 2322 | 2.00291133 2323 | 2.00292754 2324 | 2.00292778 2325 | 2.00290155 2326 | 2.00289512 2327 | 2.00290298 2328 | 2.00290036 2329 | 2.00289536 2330 | 2.00289512 2331 | 2.00289631 2332 | 2.00289679 2333 | 2.00289679 2334 | 2.00289631 2335 | 2.00289583 2336 | 2.00289607 2337 | 2.00289702 2338 | 2.00289989 2339 | 2.00290823 2340 | 2.00292659 2341 | 2.00293517 2342 | 2.00290656 2343 | 2.00289416 2344 | 2.00290394 2345 | 2.00290108 2346 | 2.00289488 2347 | 2.00289583 2348 | 2.00289726 2349 | 2.00289679 2350 | 2.00289559 2351 | 2.00289488 2352 | 2.00289464 2353 | 2.00289488 2354 | 2.00289488 2355 | 2.00289536 2356 | 2.00289679 2357 | 2.00290227 2358 | 2.00292206 2359 | 2.00295687 2360 | 2.00292873 2361 | 2.00289226 2362 | 2.00291133 2363 | 2.00290036 2364 | 2.00289536 2365 | 2.00290036 2366 | 2.00289607 2367 | 2.00289488 2368 | 2.00289631 2369 | 2.00289583 2370 | 2.00289488 2371 | 2.00289464 2372 | 2.00289488 2373 | 2.00289512 2374 | 2.00289536 2375 | 2.00289536 2376 | 2.00289607 2377 | 2.00289774 2378 | 2.00290275 2379 | 2.00291657 2380 | 2.00293756 2381 | 2.00292587 2382 | 2.00289512 2383 | 2.00290036 2384 | 2.00290489 2385 | 2.00289631 2386 | 2.00289536 2387 | 2.00289726 2388 | 2.00289679 2389 | 2.00289536 2390 | 2.00289464 2391 | 2.00289464 2392 | 2.00289488 2393 | 2.00289559 2394 | 2.00289655 2395 | 2.00289869 2396 | 2.00290537 2397 | 2.00292063 2398 | 2.00293493 2399 | 2.00291491 2400 | 2.00289369 2401 | 2.00290108 2402 | 2.00290298 2403 | 2.00289607 2404 | 2.00289488 2405 | 2.00289655 2406 | 2.00289679 2407 | 2.00289631 2408 | 2.00289512 2409 | 2.00289488 2410 | 2.00289440 2411 | 2.00289464 2412 | 2.00289440 2413 | 2.00289440 2414 | 2.00289464 2415 | 2.00289512 2416 | 2.00289798 2417 | 2.00291538 2418 | 2.00298071 2419 | 2.00296545 2420 | 2.00288963 2421 | 2.00292659 2422 | 2.00289345 2423 | 2.00290632 2424 | 2.00289655 2425 | 2.00289774 2426 | 2.00289726 2427 | 2.00289488 2428 | 2.00289631 2429 | 2.00289488 2430 | 2.00289488 2431 | 2.00289488 2432 | 2.00289488 2433 | 2.00289464 2434 | 2.00289464 2435 | 2.00289464 2436 | 2.00289464 2437 | 2.00289440 2438 | 2.00289440 2439 | 2.00289440 2440 | 2.00289440 2441 | 2.00289464 2442 | 2.00289488 2443 | 2.00289536 2444 | 2.00289917 2445 | 2.00291514 2446 | 2.00296330 2447 | 2.00295424 2448 | 2.00289106 2449 | 2.00291729 2450 | 2.00289989 2451 | 2.00289798 2452 | 2.00290132 2453 | 2.00289440 2454 | 2.00289750 2455 | 2.00289583 2456 | 2.00289488 2457 | 2.00289536 2458 | 2.00289512 2459 | 2.00289464 2460 | 2.00289440 2461 | 2.00289488 2462 | 2.00289464 2463 | 2.00289488 2464 | 2.00289464 2465 | 2.00289488 2466 | 2.00289488 2467 | 2.00289559 2468 | 2.00289822 2469 | 2.00290728 2470 | 2.00293541 2471 | 2.00295591 2472 | 2.00290561 2473 | 2.00289869 2474 | 2.00291038 2475 | 2.00289488 2476 | 2.00289798 2477 | 2.00289893 2478 | 2.00289488 2479 | 2.00289536 2480 | 2.00289607 2481 | 2.00289536 2482 | 2.00289440 2483 | 2.00289440 2484 | 2.00289488 2485 | 2.00289488 2486 | 2.00289512 2487 | 2.00289536 2488 | 2.00289655 2489 | 2.00289989 2490 | 2.00290918 2491 | 2.00292850 2492 | 2.00293589 2493 | 2.00290442 2494 | 2.00289464 2495 | 2.00290489 2496 | 2.00289965 2497 | 2.00289440 2498 | 2.00289631 2499 | 2.00289702 2500 | 2.00289583 2501 | 2.00289488 2502 | 2.00289440 2503 | 2.00289440 2504 | -------------------------------------------------------------------------------- /adam_e3.csv: -------------------------------------------------------------------------------- 1 | Initializing... 2 | -0.161852360 0.224718094 -0.256129742 -0.165706158 3 | -2.69660950E-02 -0.221510172 4 | 2.00156450 5 | 2.00174570 6 | 2.00181103 7 | 2.00181508 8 | 2.00179029 9 | 2.00175238 10 | 2.00170994 11 | 2.00166774 12 | 2.00162745 13 | 2.00159025 14 | 2.00155640 15 | 2.00152564 16 | 2.00149798 17 | 2.00147319 18 | 2.00145102 19 | 2.00143075 20 | 2.00141263 21 | 2.00139618 22 | 2.00138140 23 | 2.00136781 24 | 2.00135541 25 | 2.00134420 26 | 2.00133371 27 | 2.00132418 28 | 2.00131536 29 | 2.00130701 30 | 2.00129962 31 | 2.00129271 32 | 2.00128603 33 | 2.00127983 34 | 2.00127411 35 | 2.00126863 36 | 2.00126362 37 | 2.00125885 38 | 2.00125456 39 | 2.00125027 40 | 2.00124621 41 | 2.00124240 42 | 2.00123882 43 | 2.00123525 44 | 2.00123215 45 | 2.00122905 46 | 2.00122595 47 | 2.00122309 48 | 2.00122023 49 | 2.00121760 50 | 2.00121522 51 | 2.00121284 52 | 2.00121045 53 | 2.00120831 54 | 2.00120592 55 | 2.00120401 56 | 2.00120187 57 | 2.00119996 58 | 2.00119805 59 | 2.00119615 60 | 2.00119424 61 | 2.00119257 62 | 2.00119066 63 | 2.00118923 64 | 2.00118732 65 | 2.00118589 66 | 2.00118423 67 | 2.00118256 68 | 2.00118113 69 | 2.00117970 70 | 2.00117803 71 | 2.00117636 72 | 2.00117493 73 | 2.00117350 74 | 2.00117207 75 | 2.00117064 76 | 2.00116897 77 | 2.00116754 78 | 2.00116587 79 | 2.00116444 80 | 2.00116277 81 | 2.00116134 82 | 2.00115967 83 | 2.00115800 84 | 2.00115633 85 | 2.00115466 86 | 2.00115275 87 | 2.00115108 88 | 2.00114918 89 | 2.00114751 90 | 2.00114560 91 | 2.00114369 92 | 2.00114155 93 | 2.00113964 94 | 2.00113773 95 | 2.00113559 96 | 2.00113344 97 | 2.00113106 98 | 2.00112867 99 | 2.00112653 100 | 2.00112414 101 | 2.00112176 102 | 2.00111914 103 | 2.00111675 104 | 2.00111413 105 | 2.00111151 106 | 2.00110888 107 | 2.00110602 108 | 2.00110340 109 | 2.00110054 110 | 2.00109744 111 | 2.00109458 112 | 2.00109172 113 | 2.00108862 114 | 2.00108552 115 | 2.00108218 116 | 2.00107908 117 | 2.00107574 118 | 2.00107265 119 | 2.00106907 120 | 2.00106573 121 | 2.00106215 122 | 2.00105882 123 | 2.00105524 124 | 2.00105166 125 | 2.00104809 126 | 2.00104451 127 | 2.00104070 128 | 2.00103712 129 | 2.00103331 130 | 2.00102949 131 | 2.00102592 132 | 2.00102210 133 | 2.00101805 134 | 2.00101423 135 | 2.00101042 136 | 2.00100636 137 | 2.00100231 138 | 2.00099850 139 | 2.00099444 140 | 2.00099039 141 | 2.00098658 142 | 2.00098252 143 | 2.00097823 144 | 2.00097418 145 | 2.00097013 146 | 2.00096607 147 | 2.00096202 148 | 2.00095797 149 | 2.00095367 150 | 2.00094962 151 | 2.00094557 152 | 2.00094151 153 | 2.00093722 154 | 2.00093317 155 | 2.00092888 156 | 2.00092483 157 | 2.00092077 158 | 2.00091672 159 | 2.00091243 160 | 2.00090837 161 | 2.00090432 162 | 2.00090003 163 | 2.00089598 164 | 2.00089192 165 | 2.00088787 166 | 2.00088382 167 | 2.00087976 168 | 2.00087547 169 | 2.00087166 170 | 2.00086761 171 | 2.00086355 172 | 2.00085950 173 | 2.00085545 174 | 2.00085163 175 | 2.00084758 176 | 2.00084352 177 | 2.00083971 178 | 2.00083590 179 | 2.00083208 180 | 2.00082803 181 | 2.00082421 182 | 2.00082016 183 | 2.00081658 184 | 2.00081277 185 | 2.00080895 186 | 2.00080514 187 | 2.00080132 188 | 2.00079775 189 | 2.00079393 190 | 2.00079036 191 | 2.00078678 192 | 2.00078297 193 | 2.00077915 194 | 2.00077581 195 | 2.00077224 196 | 2.00076866 197 | 2.00076509 198 | 2.00076151 199 | 2.00075817 200 | 2.00075459 201 | 2.00075102 202 | 2.00074768 203 | 2.00074434 204 | 2.00074124 205 | 2.00073767 206 | 2.00073433 207 | 2.00073099 208 | 2.00072765 209 | 2.00072455 210 | 2.00072145 211 | 2.00071812 212 | 2.00071502 213 | 2.00071192 214 | 2.00070858 215 | 2.00070548 216 | 2.00070238 217 | 2.00069952 218 | 2.00069642 219 | 2.00069332 220 | 2.00069046 221 | 2.00068736 222 | 2.00068450 223 | 2.00068140 224 | 2.00067854 225 | 2.00067568 226 | 2.00067282 227 | 2.00067019 228 | 2.00066710 229 | 2.00066447 230 | 2.00066185 231 | 2.00065899 232 | 2.00065613 233 | 2.00065374 234 | 2.00065088 235 | 2.00064850 236 | 2.00064564 237 | 2.00064301 238 | 2.00064039 239 | 2.00063801 240 | 2.00063539 241 | 2.00063300 242 | 2.00063038 243 | 2.00062799 244 | 2.00062537 245 | 2.00062323 246 | 2.00062060 247 | 2.00061846 248 | 2.00061584 249 | 2.00061369 250 | 2.00061131 251 | 2.00060892 252 | 2.00060654 253 | 2.00060439 254 | 2.00060225 255 | 2.00060010 256 | 2.00059772 257 | 2.00059557 258 | 2.00059342 259 | 2.00059128 260 | 2.00058913 261 | 2.00058699 262 | 2.00058508 263 | 2.00058293 264 | 2.00058079 265 | 2.00057888 266 | 2.00057697 267 | 2.00057507 268 | 2.00057316 269 | 2.00057101 270 | 2.00056911 271 | 2.00056720 272 | 2.00056529 273 | 2.00056338 274 | 2.00056148 275 | 2.00055981 276 | 2.00055790 277 | 2.00055599 278 | 2.00055408 279 | 2.00055265 280 | 2.00055075 281 | 2.00054884 282 | 2.00054741 283 | 2.00054550 284 | 2.00054383 285 | 2.00054216 286 | 2.00054049 287 | 2.00053906 288 | 2.00053740 289 | 2.00053573 290 | 2.00053406 291 | 2.00053263 292 | 2.00053096 293 | 2.00052929 294 | 2.00052762 295 | 2.00052643 296 | 2.00052476 297 | 2.00052333 298 | 2.00052166 299 | 2.00052023 300 | 2.00051880 301 | 2.00051737 302 | 2.00051594 303 | 2.00051451 304 | 2.00051332 305 | 2.00051188 306 | 2.00051045 307 | 2.00050926 308 | 2.00050783 309 | 2.00050640 310 | 2.00050521 311 | 2.00050378 312 | 2.00050259 313 | 2.00050116 314 | 2.00049996 315 | 2.00049853 316 | 2.00049734 317 | 2.00049615 318 | 2.00049496 319 | 2.00049400 320 | 2.00049257 321 | 2.00049138 322 | 2.00049019 323 | 2.00048923 324 | 2.00048804 325 | 2.00048685 326 | 2.00048590 327 | 2.00048447 328 | 2.00048351 329 | 2.00048232 330 | 2.00048137 331 | 2.00048018 332 | 2.00047922 333 | 2.00047803 334 | 2.00047708 335 | 2.00047612 336 | 2.00047493 337 | 2.00047398 338 | 2.00047302 339 | 2.00047207 340 | 2.00047112 341 | 2.00047016 342 | 2.00046897 343 | 2.00046802 344 | 2.00046706 345 | 2.00046635 346 | 2.00046539 347 | 2.00046444 348 | 2.00046349 349 | 2.00046253 350 | 2.00046182 351 | 2.00046062 352 | 2.00045991 353 | 2.00045896 354 | 2.00045824 355 | 2.00045729 356 | 2.00045657 357 | 2.00045562 358 | 2.00045490 359 | 2.00045395 360 | 2.00045323 361 | 2.00045228 362 | 2.00045156 363 | 2.00045085 364 | 2.00045013 365 | 2.00044942 366 | 2.00044847 367 | 2.00044775 368 | 2.00044703 369 | 2.00044632 370 | 2.00044537 371 | 2.00044489 372 | 2.00044417 373 | 2.00044346 374 | 2.00044250 375 | 2.00044203 376 | 2.00044107 377 | 2.00044060 378 | 2.00044012 379 | 2.00043917 380 | 2.00043869 381 | 2.00043797 382 | 2.00043726 383 | 2.00043678 384 | 2.00043583 385 | 2.00043535 386 | 2.00043464 387 | 2.00043416 388 | 2.00043344 389 | 2.00043297 390 | 2.00043225 391 | 2.00043154 392 | 2.00043106 393 | 2.00043058 394 | 2.00043011 395 | 2.00042939 396 | 2.00042868 397 | 2.00042820 398 | 2.00042772 399 | 2.00042725 400 | 2.00042677 401 | 2.00042582 402 | 2.00042534 403 | 2.00042486 404 | 2.00042439 405 | 2.00042391 406 | 2.00042343 407 | 2.00042295 408 | 2.00042224 409 | 2.00042176 410 | 2.00042129 411 | 2.00042081 412 | 2.00042057 413 | 2.00041986 414 | 2.00041962 415 | 2.00041890 416 | 2.00041842 417 | 2.00041795 418 | 2.00041771 419 | 2.00041699 420 | 2.00041676 421 | 2.00041628 422 | 2.00041580 423 | 2.00041533 424 | 2.00041485 425 | 2.00041437 426 | 2.00041389 427 | 2.00041342 428 | 2.00041318 429 | 2.00041270 430 | 2.00041246 431 | 2.00041199 432 | 2.00041151 433 | 2.00041103 434 | 2.00041056 435 | 2.00041032 436 | 2.00041008 437 | 2.00040960 438 | 2.00040913 439 | 2.00040889 440 | 2.00040841 441 | 2.00040817 442 | 2.00040770 443 | 2.00040746 444 | 2.00040698 445 | 2.00040674 446 | 2.00040627 447 | 2.00040579 448 | 2.00040579 449 | 2.00040531 450 | 2.00040483 451 | 2.00040460 452 | 2.00040436 453 | 2.00040388 454 | 2.00040364 455 | 2.00040340 456 | 2.00040293 457 | 2.00040269 458 | 2.00040245 459 | 2.00040197 460 | 2.00040174 461 | 2.00040126 462 | 2.00040102 463 | 2.00040078 464 | 2.00040054 465 | 2.00040007 466 | 2.00040007 467 | 2.00039959 468 | 2.00039911 469 | 2.00039911 470 | 2.00039864 471 | 2.00039864 472 | 2.00039816 473 | 2.00039792 474 | 2.00039768 475 | 2.00039744 476 | 2.00039721 477 | 2.00039697 478 | 2.00039673 479 | 2.00039625 480 | 2.00039601 481 | 2.00039577 482 | 2.00039554 483 | 2.00039530 484 | 2.00039506 485 | 2.00039482 486 | 2.00039458 487 | 2.00039434 488 | 2.00039411 489 | 2.00039387 490 | 2.00039387 491 | 2.00039339 492 | 2.00039339 493 | 2.00039291 494 | 2.00039268 495 | 2.00039268 496 | 2.00039220 497 | 2.00039196 498 | 2.00039196 499 | 2.00039148 500 | 2.00039148 501 | 2.00039124 502 | 2.00039101 503 | 2.00039101 504 | 2.00039053 505 | 2.00039053 506 | 2.00039005 507 | 2.00039005 508 | 2.00038981 509 | 2.00038958 510 | 2.00038934 511 | 2.00038934 512 | 2.00038910 513 | 2.00038886 514 | 2.00038862 515 | 2.00038838 516 | 2.00038838 517 | 2.00038815 518 | 2.00038791 519 | 2.00038767 520 | 2.00038767 521 | 2.00038743 522 | 2.00038719 523 | 2.00038719 524 | 2.00038671 525 | 2.00038671 526 | 2.00038648 527 | 2.00038648 528 | 2.00038624 529 | 2.00038600 530 | 2.00038600 531 | 2.00038576 532 | 2.00038576 533 | 2.00038552 534 | 2.00038528 535 | 2.00038528 536 | 2.00038505 537 | 2.00038481 538 | 2.00038481 539 | 2.00038457 540 | 2.00038433 541 | 2.00038433 542 | 2.00038433 543 | 2.00038409 544 | 2.00038385 545 | 2.00038385 546 | 2.00038362 547 | 2.00038338 548 | 2.00038338 549 | 2.00038314 550 | 2.00038290 551 | 2.00038290 552 | 2.00038290 553 | 2.00038266 554 | 2.00038242 555 | 2.00038242 556 | 2.00038218 557 | 2.00038218 558 | 2.00038195 559 | 2.00038195 560 | 2.00038171 561 | 2.00038171 562 | 2.00038147 563 | 2.00038147 564 | 2.00038147 565 | 2.00038099 566 | 2.00038099 567 | 2.00038075 568 | 2.00038099 569 | 2.00038075 570 | 2.00038052 571 | 2.00038052 572 | 2.00038028 573 | 2.00038028 574 | 2.00038004 575 | 2.00038004 576 | 2.00038004 577 | 2.00037980 578 | 2.00037980 579 | 2.00037956 580 | 2.00037956 581 | 2.00037932 582 | 2.00037909 583 | 2.00037909 584 | 2.00037909 585 | 2.00037909 586 | 2.00037885 587 | 2.00037861 588 | 2.00037861 589 | 2.00037861 590 | 2.00037861 591 | 2.00037837 592 | 2.00037837 593 | 2.00037813 594 | 2.00037813 595 | 2.00037789 596 | 2.00037789 597 | 2.00037766 598 | 2.00037766 599 | 2.00037766 600 | 2.00037766 601 | 2.00037742 602 | 2.00037718 603 | 2.00037718 604 | 2.00037742 605 | 2.00037718 606 | 2.00037718 607 | 2.00037694 608 | 2.00037694 609 | 2.00037694 610 | 2.00037670 611 | 2.00037670 612 | 2.00037646 613 | 2.00037646 614 | 2.00037622 615 | 2.00037622 616 | 2.00037622 617 | 2.00037622 618 | 2.00037622 619 | 2.00037599 620 | 2.00037599 621 | 2.00037599 622 | 2.00037575 623 | 2.00037575 624 | 2.00037575 625 | 2.00037551 626 | 2.00037551 627 | 2.00037551 628 | 2.00037527 629 | 2.00037527 630 | 2.00037527 631 | 2.00037527 632 | 2.00037527 633 | 2.00037479 634 | 2.00037503 635 | 2.00037479 636 | 2.00037503 637 | 2.00037479 638 | 2.00037456 639 | 2.00037479 640 | 2.00037456 641 | 2.00037456 642 | 2.00037456 643 | 2.00037432 644 | 2.00037432 645 | 2.00037432 646 | 2.00037432 647 | 2.00037432 648 | 2.00037432 649 | 2.00037408 650 | 2.00037384 651 | 2.00037384 652 | 2.00037384 653 | 2.00037384 654 | 2.00037360 655 | 2.00037360 656 | 2.00037360 657 | 2.00037360 658 | 2.00037360 659 | 2.00037336 660 | 2.00037336 661 | 2.00037336 662 | 2.00037336 663 | 2.00037313 664 | 2.00037313 665 | 2.00037313 666 | 2.00037313 667 | 2.00037289 668 | 2.00037289 669 | 2.00037289 670 | 2.00037289 671 | 2.00037289 672 | 2.00037289 673 | 2.00037289 674 | 2.00037265 675 | 2.00037265 676 | 2.00037241 677 | 2.00037241 678 | 2.00037241 679 | 2.00037241 680 | 2.00037241 681 | 2.00037241 682 | 2.00037217 683 | 2.00037241 684 | 2.00037217 685 | 2.00037241 686 | 2.00037193 687 | 2.00037193 688 | 2.00037193 689 | 2.00037193 690 | 2.00037193 691 | 2.00037193 692 | 2.00037193 693 | 2.00037193 694 | 2.00037169 695 | 2.00037169 696 | 2.00037193 697 | 2.00037169 698 | 2.00037146 699 | 2.00037146 700 | 2.00037146 701 | 2.00037146 702 | 2.00037146 703 | 2.00037122 704 | 2.00037122 705 | 2.00037146 706 | 2.00037122 707 | 2.00037122 708 | 2.00037122 709 | 2.00037122 710 | 2.00037122 711 | 2.00037122 712 | 2.00037098 713 | 2.00037098 714 | 2.00037098 715 | 2.00037098 716 | 2.00037098 717 | 2.00037098 718 | 2.00037074 719 | 2.00037098 720 | 2.00037074 721 | 2.00037074 722 | 2.00037074 723 | 2.00037050 724 | 2.00037050 725 | 2.00037050 726 | 2.00037050 727 | 2.00037050 728 | 2.00037050 729 | 2.00037050 730 | 2.00037050 731 | 2.00037050 732 | 2.00037026 733 | 2.00037050 734 | 2.00037026 735 | 2.00037026 736 | 2.00037026 737 | 2.00037003 738 | 2.00037026 739 | 2.00037026 740 | 2.00037003 741 | 2.00037003 742 | 2.00037003 743 | 2.00037003 744 | 2.00037003 745 | 2.00036979 746 | 2.00037003 747 | 2.00036979 748 | 2.00037003 749 | 2.00036979 750 | 2.00036979 751 | 2.00036979 752 | 2.00036955 753 | 2.00036955 754 | 2.00036955 755 | 2.00036955 756 | 2.00036955 757 | 2.00036955 758 | 2.00036955 759 | 2.00036955 760 | 2.00036931 761 | 2.00036931 762 | 2.00036955 763 | 2.00036931 764 | 2.00036931 765 | 2.00036931 766 | 2.00036931 767 | 2.00036931 768 | 2.00036931 769 | 2.00036931 770 | 2.00036907 771 | 2.00036931 772 | 2.00036907 773 | 2.00036907 774 | 2.00036907 775 | 2.00036907 776 | 2.00036907 777 | 2.00036907 778 | 2.00036907 779 | 2.00036907 780 | 2.00036883 781 | 2.00036883 782 | 2.00036907 783 | 2.00036883 784 | 2.00036907 785 | 2.00036860 786 | 2.00036883 787 | 2.00036883 788 | 2.00036883 789 | 2.00036883 790 | 2.00036860 791 | 2.00036860 792 | 2.00036860 793 | 2.00036860 794 | 2.00036860 795 | 2.00036860 796 | 2.00036860 797 | 2.00036860 798 | 2.00036860 799 | 2.00036860 800 | 2.00036860 801 | 2.00036860 802 | 2.00036836 803 | 2.00036836 804 | 2.00036836 805 | 2.00036812 806 | 2.00036836 807 | 2.00036836 808 | 2.00036836 809 | 2.00036812 810 | 2.00036812 811 | 2.00036836 812 | 2.00036812 813 | 2.00036812 814 | 2.00036836 815 | 2.00036812 816 | 2.00036812 817 | 2.00036812 818 | 2.00036812 819 | 2.00036812 820 | 2.00036812 821 | 2.00036812 822 | 2.00036812 823 | 2.00036812 824 | 2.00036812 825 | 2.00036812 826 | 2.00036764 827 | 2.00036788 828 | 2.00036812 829 | 2.00036788 830 | 2.00036788 831 | 2.00036764 832 | 2.00036764 833 | 2.00036764 834 | 2.00036764 835 | 2.00036788 836 | 2.00036764 837 | 2.00036764 838 | 2.00036788 839 | 2.00036764 840 | 2.00036764 841 | 2.00036764 842 | 2.00036764 843 | 2.00036764 844 | 2.00036764 845 | 2.00036764 846 | 2.00036764 847 | 2.00036764 848 | 2.00036764 849 | 2.00036764 850 | 2.00036764 851 | 2.00036764 852 | 2.00036740 853 | 2.00036740 854 | 2.00036764 855 | 2.00036740 856 | 2.00036740 857 | 2.00036740 858 | 2.00036740 859 | 2.00036740 860 | 2.00036740 861 | 2.00036740 862 | 2.00036716 863 | 2.00036716 864 | 2.00036716 865 | 2.00036716 866 | 2.00036716 867 | 2.00036716 868 | 2.00036716 869 | 2.00036740 870 | 2.00036716 871 | 2.00036716 872 | 2.00036716 873 | 2.00036716 874 | 2.00036716 875 | 2.00036716 876 | 2.00036693 877 | 2.00036716 878 | 2.00036693 879 | 2.00036693 880 | 2.00036693 881 | 2.00036693 882 | 2.00036693 883 | 2.00036716 884 | 2.00036716 885 | 2.00036693 886 | 2.00036693 887 | 2.00036693 888 | 2.00036693 889 | 2.00036669 890 | 2.00036669 891 | 2.00036669 892 | 2.00036693 893 | 2.00036669 894 | 2.00036669 895 | 2.00036669 896 | 2.00036669 897 | 2.00036669 898 | 2.00036669 899 | 2.00036669 900 | 2.00036669 901 | 2.00036669 902 | 2.00036669 903 | 2.00036669 904 | 2.00036669 905 | 2.00036669 906 | 2.00036645 907 | 2.00036669 908 | 2.00036669 909 | 2.00036669 910 | 2.00036669 911 | 2.00036645 912 | 2.00036645 913 | 2.00036669 914 | 2.00036645 915 | 2.00036669 916 | 2.00036645 917 | 2.00036669 918 | 2.00036645 919 | 2.00036645 920 | 2.00036645 921 | 2.00036645 922 | 2.00036621 923 | 2.00036645 924 | 2.00036645 925 | 2.00036621 926 | 2.00036621 927 | 2.00036645 928 | 2.00036621 929 | 2.00036621 930 | 2.00036621 931 | 2.00036621 932 | 2.00036621 933 | 2.00036621 934 | 2.00036621 935 | 2.00036621 936 | 2.00036621 937 | 2.00036621 938 | 2.00036621 939 | 2.00036621 940 | 2.00036621 941 | 2.00036621 942 | 2.00036621 943 | 2.00036621 944 | 2.00036621 945 | 2.00036621 946 | 2.00036621 947 | 2.00036621 948 | 2.00036621 949 | 2.00036573 950 | 2.00036597 951 | 2.00036621 952 | 2.00036597 953 | 2.00036597 954 | 2.00036573 955 | 2.00036597 956 | 2.00036597 957 | 2.00036597 958 | 2.00036597 959 | 2.00036597 960 | 2.00036597 961 | 2.00036597 962 | 2.00036573 963 | 2.00036573 964 | 2.00036597 965 | 2.00036573 966 | 2.00036597 967 | 2.00036573 968 | 2.00036597 969 | 2.00036597 970 | 2.00036573 971 | 2.00036573 972 | 2.00036573 973 | 2.00036573 974 | 2.00036573 975 | 2.00036573 976 | 2.00036573 977 | 2.00036573 978 | 2.00036573 979 | 2.00036573 980 | 2.00036573 981 | 2.00036573 982 | 2.00036573 983 | 2.00036573 984 | 2.00036573 985 | 2.00036573 986 | 2.00036573 987 | 2.00036550 988 | 2.00036550 989 | 2.00036573 990 | 2.00036550 991 | 2.00036550 992 | 2.00036550 993 | 2.00036550 994 | 2.00036573 995 | 2.00036550 996 | 2.00036550 997 | 2.00036573 998 | 2.00036550 999 | 2.00036550 1000 | 2.00036550 1001 | 2.00036526 1002 | 2.00036526 1003 | 2.00036526 1004 | 2.00036550 1005 | 2.00036526 1006 | 2.00036550 1007 | 2.00036550 1008 | 2.00036526 1009 | 2.00036526 1010 | 2.00036526 1011 | 2.00036526 1012 | 2.00036526 1013 | 2.00036526 1014 | 2.00036526 1015 | 2.00036526 1016 | 2.00036526 1017 | 2.00036526 1018 | 2.00036550 1019 | 2.00036550 1020 | 2.00036526 1021 | 2.00036526 1022 | 2.00036526 1023 | 2.00036526 1024 | 2.00036526 1025 | 2.00036526 1026 | 2.00036526 1027 | 2.00036526 1028 | 2.00036526 1029 | 2.00036526 1030 | 2.00036526 1031 | 2.00036526 1032 | 2.00036526 1033 | 2.00036526 1034 | 2.00036502 1035 | 2.00036526 1036 | 2.00036502 1037 | 2.00036502 1038 | 2.00036502 1039 | 2.00036502 1040 | 2.00036526 1041 | 2.00036502 1042 | 2.00036502 1043 | 2.00036502 1044 | 2.00036502 1045 | 2.00036526 1046 | 2.00036526 1047 | 2.00036502 1048 | 2.00036502 1049 | 2.00036502 1050 | 2.00036526 1051 | 2.00036478 1052 | 2.00036502 1053 | 2.00036502 1054 | 2.00036502 1055 | 2.00036502 1056 | 2.00036502 1057 | 2.00036502 1058 | 2.00036478 1059 | 2.00036478 1060 | 2.00036502 1061 | 2.00036478 1062 | 2.00036478 1063 | 2.00036478 1064 | 2.00036478 1065 | 2.00036478 1066 | 2.00036478 1067 | 2.00036478 1068 | 2.00036478 1069 | 2.00036478 1070 | 2.00036478 1071 | 2.00036478 1072 | 2.00036478 1073 | 2.00036478 1074 | 2.00036478 1075 | 2.00036478 1076 | 2.00036478 1077 | 2.00036478 1078 | 2.00036478 1079 | 2.00036478 1080 | 2.00036478 1081 | 2.00036478 1082 | 2.00036454 1083 | 2.00036478 1084 | 2.00036478 1085 | 2.00036478 1086 | 2.00036478 1087 | 2.00036478 1088 | 2.00036454 1089 | 2.00036478 1090 | 2.00036478 1091 | 2.00036454 1092 | 2.00036454 1093 | 2.00036478 1094 | 2.00036454 1095 | 2.00036454 1096 | 2.00036454 1097 | 2.00036454 1098 | 2.00036454 1099 | 2.00036454 1100 | 2.00036454 1101 | 2.00036454 1102 | 2.00036454 1103 | 2.00036430 1104 | 2.00036454 1105 | 2.00036454 1106 | 2.00036454 1107 | 2.00036454 1108 | 2.00036430 1109 | 2.00036454 1110 | 2.00036454 1111 | 2.00036454 1112 | 2.00036430 1113 | 2.00036430 1114 | 2.00036454 1115 | 2.00036430 1116 | 2.00036454 1117 | 2.00036430 1118 | 2.00036430 1119 | 2.00036430 1120 | 2.00036430 1121 | 2.00036430 1122 | 2.00036454 1123 | 2.00036430 1124 | 2.00036430 1125 | 2.00036430 1126 | 2.00036430 1127 | 2.00036430 1128 | 2.00036430 1129 | 2.00036430 1130 | 2.00036430 1131 | 2.00036430 1132 | 2.00036430 1133 | 2.00036430 1134 | 2.00036430 1135 | 2.00036430 1136 | 2.00036430 1137 | 2.00036430 1138 | 2.00036430 1139 | 2.00036430 1140 | 2.00036430 1141 | 2.00036430 1142 | 2.00036430 1143 | 2.00036430 1144 | 2.00036430 1145 | 2.00036407 1146 | 2.00036430 1147 | 2.00036430 1148 | 2.00036407 1149 | 2.00036430 1150 | 2.00036407 1151 | 2.00036407 1152 | 2.00036430 1153 | 2.00036430 1154 | 2.00036430 1155 | 2.00036407 1156 | 2.00036430 1157 | 2.00036407 1158 | 2.00036407 1159 | 2.00036407 1160 | 2.00036407 1161 | 2.00036407 1162 | 2.00036407 1163 | 2.00036430 1164 | 2.00036383 1165 | 2.00036407 1166 | 2.00036407 1167 | 2.00036383 1168 | 2.00036383 1169 | 2.00036383 1170 | 2.00036407 1171 | 2.00036383 1172 | 2.00036407 1173 | 2.00036383 1174 | 2.00036383 1175 | 2.00036383 1176 | 2.00036383 1177 | 2.00036407 1178 | 2.00036407 1179 | 2.00036383 1180 | 2.00036383 1181 | 2.00036383 1182 | 2.00036383 1183 | 2.00036383 1184 | 2.00036407 1185 | 2.00036383 1186 | 2.00036383 1187 | 2.00036383 1188 | 2.00036383 1189 | 2.00036383 1190 | 2.00036383 1191 | 2.00036383 1192 | 2.00036383 1193 | 2.00036383 1194 | 2.00036383 1195 | 2.00036383 1196 | 2.00036383 1197 | 2.00036383 1198 | 2.00036383 1199 | 2.00036383 1200 | 2.00036383 1201 | 2.00036383 1202 | 2.00036383 1203 | 2.00036383 1204 | 2.00036383 1205 | 2.00036359 1206 | 2.00036383 1207 | 2.00036383 1208 | 2.00036383 1209 | 2.00036383 1210 | 2.00036383 1211 | 2.00036359 1212 | 2.00036359 1213 | 2.00036383 1214 | 2.00036383 1215 | 2.00036383 1216 | 2.00036383 1217 | 2.00036383 1218 | 2.00036383 1219 | 2.00036359 1220 | 2.00036383 1221 | 2.00036359 1222 | 2.00036383 1223 | 2.00036359 1224 | 2.00036359 1225 | 2.00036383 1226 | 2.00036359 1227 | 2.00036359 1228 | 2.00036359 1229 | 2.00036359 1230 | 2.00036359 1231 | 2.00036359 1232 | 2.00036359 1233 | 2.00036359 1234 | 2.00036359 1235 | 2.00036359 1236 | 2.00036359 1237 | 2.00036359 1238 | 2.00036359 1239 | 2.00036359 1240 | 2.00036359 1241 | 2.00036359 1242 | 2.00036359 1243 | 2.00036359 1244 | 2.00036359 1245 | 2.00036335 1246 | 2.00036335 1247 | 2.00036335 1248 | 2.00036335 1249 | 2.00036335 1250 | 2.00036335 1251 | 2.00036359 1252 | 2.00036335 1253 | 2.00036359 1254 | 2.00036335 1255 | 2.00036335 1256 | 2.00036335 1257 | 2.00036359 1258 | 2.00036359 1259 | 2.00036335 1260 | 2.00036335 1261 | 2.00036335 1262 | 2.00036335 1263 | 2.00036335 1264 | 2.00036335 1265 | 2.00036335 1266 | 2.00036335 1267 | 2.00036335 1268 | 2.00036335 1269 | 2.00036335 1270 | 2.00036335 1271 | 2.00036335 1272 | 2.00036335 1273 | 2.00036335 1274 | 2.00036335 1275 | 2.00036335 1276 | 2.00036335 1277 | 2.00036335 1278 | 2.00036335 1279 | 2.00036335 1280 | 2.00036335 1281 | 2.00036335 1282 | 2.00036335 1283 | 2.00036335 1284 | 2.00036335 1285 | 2.00036311 1286 | 2.00036335 1287 | 2.00036335 1288 | 2.00036335 1289 | 2.00036335 1290 | 2.00036335 1291 | 2.00036335 1292 | 2.00036335 1293 | 2.00036335 1294 | 2.00036311 1295 | 2.00036335 1296 | 2.00036311 1297 | 2.00036311 1298 | 2.00036335 1299 | 2.00036335 1300 | 2.00036335 1301 | 2.00036335 1302 | 2.00036335 1303 | 2.00036311 1304 | 2.00036311 1305 | 2.00036311 1306 | 2.00036311 1307 | 2.00036335 1308 | 2.00036335 1309 | 2.00036311 1310 | 2.00036311 1311 | 2.00036311 1312 | 2.00036311 1313 | 2.00036335 1314 | 2.00036311 1315 | 2.00036311 1316 | 2.00036335 1317 | 2.00036311 1318 | 2.00036311 1319 | 2.00036311 1320 | 2.00036287 1321 | 2.00036311 1322 | 2.00036311 1323 | 2.00036311 1324 | 2.00036311 1325 | 2.00036311 1326 | 2.00036311 1327 | 2.00036335 1328 | 2.00036311 1329 | 2.00036311 1330 | 2.00036311 1331 | 2.00036287 1332 | 2.00036311 1333 | 2.00036311 1334 | 2.00036311 1335 | 2.00036287 1336 | 2.00036311 1337 | 2.00036311 1338 | 2.00036287 1339 | 2.00036287 1340 | 2.00036287 1341 | 2.00036311 1342 | 2.00036287 1343 | 2.00036311 1344 | 2.00036287 1345 | 2.00036311 1346 | 2.00036287 1347 | 2.00036287 1348 | 2.00036287 1349 | 2.00036287 1350 | 2.00036287 1351 | 2.00036287 1352 | 2.00036287 1353 | 2.00036311 1354 | 2.00036287 1355 | 2.00036287 1356 | 2.00036287 1357 | 2.00036287 1358 | 2.00036287 1359 | 2.00036287 1360 | 2.00036287 1361 | 2.00036287 1362 | 2.00036287 1363 | 2.00036287 1364 | 2.00036287 1365 | 2.00036287 1366 | 2.00036287 1367 | 2.00036287 1368 | 2.00036287 1369 | 2.00036287 1370 | 2.00036287 1371 | 2.00036287 1372 | 2.00036287 1373 | 2.00036287 1374 | 2.00036287 1375 | 2.00036287 1376 | 2.00036287 1377 | 2.00036287 1378 | 2.00036287 1379 | 2.00036287 1380 | 2.00036287 1381 | 2.00036287 1382 | 2.00036287 1383 | 2.00036263 1384 | 2.00036287 1385 | 2.00036287 1386 | 2.00036287 1387 | 2.00036287 1388 | 2.00036287 1389 | 2.00036287 1390 | 2.00036287 1391 | 2.00036287 1392 | 2.00036287 1393 | 2.00036287 1394 | 2.00036287 1395 | 2.00036287 1396 | 2.00036287 1397 | 2.00036287 1398 | 2.00036287 1399 | 2.00036287 1400 | 2.00036287 1401 | 2.00036287 1402 | 2.00036263 1403 | 2.00036287 1404 | 2.00036263 1405 | 2.00036287 1406 | 2.00036263 1407 | 2.00036263 1408 | 2.00036263 1409 | 2.00036263 1410 | 2.00036263 1411 | 2.00036287 1412 | 2.00036287 1413 | 2.00036263 1414 | 2.00036263 1415 | 2.00036263 1416 | 2.00036263 1417 | 2.00036263 1418 | 2.00036263 1419 | 2.00036263 1420 | 2.00036263 1421 | 2.00036263 1422 | 2.00036263 1423 | 2.00036263 1424 | 2.00036263 1425 | 2.00036263 1426 | 2.00036263 1427 | 2.00036240 1428 | 2.00036240 1429 | 2.00036263 1430 | 2.00036263 1431 | 2.00036263 1432 | 2.00036263 1433 | 2.00036263 1434 | 2.00036263 1435 | 2.00036263 1436 | 2.00036240 1437 | 2.00036263 1438 | 2.00036240 1439 | 2.00036240 1440 | 2.00036240 1441 | 2.00036240 1442 | 2.00036240 1443 | 2.00036240 1444 | 2.00036240 1445 | 2.00036240 1446 | 2.00036240 1447 | 2.00036240 1448 | 2.00036263 1449 | 2.00036240 1450 | 2.00036240 1451 | 2.00036240 1452 | 2.00036240 1453 | 2.00036240 1454 | 2.00036263 1455 | 2.00036240 1456 | 2.00036240 1457 | 2.00036240 1458 | 2.00036240 1459 | 2.00036263 1460 | 2.00036240 1461 | 2.00036240 1462 | 2.00036240 1463 | 2.00036240 1464 | 2.00036240 1465 | 2.00036240 1466 | 2.00036240 1467 | 2.00036240 1468 | 2.00036240 1469 | 2.00036240 1470 | 2.00036240 1471 | 2.00036240 1472 | 2.00036240 1473 | 2.00036240 1474 | 2.00036240 1475 | 2.00036240 1476 | 2.00036240 1477 | 2.00036240 1478 | 2.00036240 1479 | 2.00036240 1480 | 2.00036240 1481 | 2.00036240 1482 | 2.00036240 1483 | 2.00036240 1484 | 2.00036240 1485 | 2.00036240 1486 | 2.00036240 1487 | 2.00036240 1488 | 2.00036240 1489 | 2.00036240 1490 | 2.00036240 1491 | 2.00036240 1492 | 2.00036240 1493 | 2.00036240 1494 | 2.00036240 1495 | 2.00036240 1496 | 2.00036240 1497 | 2.00036240 1498 | 2.00036240 1499 | 2.00036240 1500 | 2.00036240 1501 | 2.00036240 1502 | 2.00036216 1503 | 2.00036240 1504 | 2.00036240 1505 | 2.00036240 1506 | 2.00036240 1507 | 2.00036216 1508 | 2.00036216 1509 | 2.00036240 1510 | 2.00036240 1511 | 2.00036240 1512 | 2.00036216 1513 | 2.00036240 1514 | 2.00036240 1515 | 2.00036240 1516 | 2.00036216 1517 | 2.00036216 1518 | 2.00036216 1519 | 2.00036216 1520 | 2.00036216 1521 | 2.00036216 1522 | 2.00036216 1523 | 2.00036216 1524 | 2.00036216 1525 | 2.00036216 1526 | 2.00036240 1527 | 2.00036216 1528 | 2.00036216 1529 | 2.00036216 1530 | 2.00036216 1531 | 2.00036240 1532 | 2.00036216 1533 | 2.00036216 1534 | 2.00036216 1535 | 2.00036216 1536 | 2.00036216 1537 | 2.00036240 1538 | 2.00036216 1539 | 2.00036216 1540 | 2.00036216 1541 | 2.00036216 1542 | 2.00036216 1543 | 2.00036192 1544 | 2.00036216 1545 | 2.00036216 1546 | 2.00036216 1547 | 2.00036216 1548 | 2.00036192 1549 | 2.00036192 1550 | 2.00036216 1551 | 2.00036216 1552 | 2.00036216 1553 | 2.00036216 1554 | 2.00036216 1555 | 2.00036216 1556 | 2.00036216 1557 | 2.00036216 1558 | 2.00036192 1559 | 2.00036192 1560 | 2.00036216 1561 | 2.00036216 1562 | 2.00036216 1563 | 2.00036216 1564 | 2.00036216 1565 | 2.00036192 1566 | 2.00036192 1567 | 2.00036192 1568 | 2.00036216 1569 | 2.00036192 1570 | 2.00036192 1571 | 2.00036216 1572 | 2.00036216 1573 | 2.00036192 1574 | 2.00036192 1575 | 2.00036192 1576 | 2.00036192 1577 | 2.00036192 1578 | 2.00036216 1579 | 2.00036216 1580 | 2.00036192 1581 | 2.00036216 1582 | 2.00036192 1583 | 2.00036192 1584 | 2.00036192 1585 | 2.00036216 1586 | 2.00036192 1587 | 2.00036216 1588 | 2.00036192 1589 | 2.00036192 1590 | 2.00036192 1591 | 2.00036192 1592 | 2.00036192 1593 | 2.00036192 1594 | 2.00036192 1595 | 2.00036192 1596 | 2.00036192 1597 | 2.00036192 1598 | 2.00036192 1599 | 2.00036192 1600 | 2.00036192 1601 | 2.00036192 1602 | 2.00036192 1603 | 2.00036192 1604 | 2.00036192 1605 | 2.00036192 1606 | 2.00036192 1607 | 2.00036192 1608 | 2.00036192 1609 | 2.00036192 1610 | 2.00036192 1611 | 2.00036192 1612 | 2.00036192 1613 | 2.00036192 1614 | 2.00036192 1615 | 2.00036192 1616 | 2.00036192 1617 | 2.00036192 1618 | 2.00036192 1619 | 2.00036192 1620 | 2.00036192 1621 | 2.00036192 1622 | 2.00036192 1623 | 2.00036192 1624 | 2.00036192 1625 | 2.00036192 1626 | 2.00036192 1627 | 2.00036192 1628 | 2.00036192 1629 | 2.00036168 1630 | 2.00036192 1631 | 2.00036192 1632 | 2.00036168 1633 | 2.00036192 1634 | 2.00036192 1635 | 2.00036192 1636 | 2.00036192 1637 | 2.00036168 1638 | 2.00036192 1639 | 2.00036192 1640 | 2.00036192 1641 | 2.00036192 1642 | 2.00036192 1643 | 2.00036192 1644 | 2.00036168 1645 | 2.00036192 1646 | 2.00036168 1647 | 2.00036192 1648 | 2.00036192 1649 | 2.00036168 1650 | 2.00036192 1651 | 2.00036192 1652 | 2.00036192 1653 | 2.00036192 1654 | 2.00036192 1655 | 2.00036192 1656 | 2.00036192 1657 | 2.00036192 1658 | 2.00036192 1659 | 2.00036192 1660 | 2.00036168 1661 | 2.00036168 1662 | 2.00036168 1663 | 2.00036168 1664 | 2.00036192 1665 | 2.00036168 1666 | 2.00036192 1667 | 2.00036168 1668 | 2.00036168 1669 | 2.00036192 1670 | 2.00036168 1671 | 2.00036192 1672 | 2.00036168 1673 | 2.00036192 1674 | 2.00036168 1675 | 2.00036168 1676 | 2.00036168 1677 | 2.00036168 1678 | 2.00036192 1679 | 2.00036168 1680 | 2.00036168 1681 | 2.00036168 1682 | 2.00036168 1683 | 2.00036168 1684 | 2.00036192 1685 | 2.00036168 1686 | 2.00036168 1687 | 2.00036168 1688 | 2.00036168 1689 | 2.00036192 1690 | 2.00036168 1691 | 2.00036168 1692 | 2.00036168 1693 | 2.00036144 1694 | 2.00036168 1695 | 2.00036168 1696 | 2.00036192 1697 | 2.00036144 1698 | 2.00036144 1699 | 2.00036168 1700 | 2.00036168 1701 | 2.00036144 1702 | 2.00036168 1703 | 2.00036144 1704 | 2.00036168 1705 | 2.00036168 1706 | 2.00036168 1707 | 2.00036168 1708 | 2.00036144 1709 | 2.00036144 1710 | 2.00036168 1711 | 2.00036168 1712 | 2.00036144 1713 | 2.00036168 1714 | 2.00036144 1715 | 2.00036144 1716 | 2.00036144 1717 | 2.00036168 1718 | 2.00036168 1719 | 2.00036168 1720 | 2.00036144 1721 | 2.00036168 1722 | 2.00036144 1723 | 2.00036144 1724 | 2.00036144 1725 | 2.00036168 1726 | 2.00036144 1727 | 2.00036144 1728 | 2.00036144 1729 | 2.00036144 1730 | 2.00036144 1731 | 2.00036144 1732 | 2.00036144 1733 | 2.00036144 1734 | 2.00036168 1735 | 2.00036168 1736 | 2.00036144 1737 | 2.00036144 1738 | 2.00036144 1739 | 2.00036144 1740 | 2.00036144 1741 | 2.00036168 1742 | 2.00036144 1743 | 2.00036144 1744 | 2.00036144 1745 | 2.00036144 1746 | 2.00036144 1747 | 2.00036168 1748 | 2.00036144 1749 | 2.00036144 1750 | 2.00036144 1751 | 2.00036144 1752 | 2.00036168 1753 | 2.00036144 1754 | 2.00036144 1755 | 2.00036144 1756 | 2.00036144 1757 | 2.00036144 1758 | 2.00036168 1759 | 2.00036144 1760 | 2.00036144 1761 | 2.00036144 1762 | 2.00036144 1763 | 2.00036144 1764 | 2.00036144 1765 | 2.00036144 1766 | 2.00036144 1767 | 2.00036144 1768 | 2.00036144 1769 | 2.00036144 1770 | 2.00036144 1771 | 2.00036144 1772 | 2.00036144 1773 | 2.00036144 1774 | 2.00036144 1775 | 2.00036144 1776 | 2.00036144 1777 | 2.00036144 1778 | 2.00036144 1779 | 2.00036144 1780 | 2.00036144 1781 | 2.00036144 1782 | 2.00036144 1783 | 2.00036144 1784 | 2.00036144 1785 | 2.00036144 1786 | 2.00036144 1787 | 2.00036144 1788 | 2.00036144 1789 | 2.00036144 1790 | 2.00036144 1791 | 2.00036144 1792 | 2.00036144 1793 | 2.00036144 1794 | 2.00036144 1795 | 2.00036144 1796 | 2.00036144 1797 | 2.00036144 1798 | 2.00036144 1799 | 2.00036144 1800 | 2.00036144 1801 | 2.00036144 1802 | 2.00036144 1803 | 2.00036144 1804 | 2.00036144 1805 | 2.00036144 1806 | 2.00036144 1807 | 2.00036144 1808 | 2.00036144 1809 | 2.00036144 1810 | 2.00036144 1811 | 2.00036144 1812 | 2.00036120 1813 | 2.00036144 1814 | 2.00036144 1815 | 2.00036144 1816 | 2.00036144 1817 | 2.00036144 1818 | 2.00036144 1819 | 2.00036144 1820 | 2.00036144 1821 | 2.00036120 1822 | 2.00036144 1823 | 2.00036144 1824 | 2.00036144 1825 | 2.00036120 1826 | 2.00036120 1827 | 2.00036144 1828 | 2.00036144 1829 | 2.00036120 1830 | 2.00036144 1831 | 2.00036144 1832 | 2.00036144 1833 | 2.00036144 1834 | 2.00036120 1835 | 2.00036120 1836 | 2.00036144 1837 | 2.00036120 1838 | 2.00036120 1839 | 2.00036144 1840 | 2.00036120 1841 | 2.00036144 1842 | 2.00036120 1843 | 2.00036144 1844 | 2.00036120 1845 | 2.00036120 1846 | 2.00036120 1847 | 2.00036144 1848 | 2.00036144 1849 | 2.00036120 1850 | 2.00036120 1851 | 2.00036120 1852 | 2.00036144 1853 | 2.00036120 1854 | 2.00036120 1855 | 2.00036120 1856 | 2.00036120 1857 | 2.00036120 1858 | 2.00036144 1859 | 2.00036120 1860 | 2.00036144 1861 | 2.00036120 1862 | 2.00036144 1863 | 2.00036120 1864 | 2.00036120 1865 | 2.00036120 1866 | 2.00036120 1867 | 2.00036120 1868 | 2.00036120 1869 | 2.00036120 1870 | 2.00036120 1871 | 2.00036097 1872 | 2.00036120 1873 | 2.00036144 1874 | 2.00036120 1875 | 2.00036120 1876 | 2.00036120 1877 | 2.00036120 1878 | 2.00036120 1879 | 2.00036120 1880 | 2.00036120 1881 | 2.00036144 1882 | 2.00036120 1883 | 2.00036120 1884 | 2.00036120 1885 | 2.00036120 1886 | 2.00036120 1887 | 2.00036120 1888 | 2.00036120 1889 | 2.00036097 1890 | 2.00036120 1891 | 2.00036120 1892 | 2.00036120 1893 | 2.00036097 1894 | 2.00036097 1895 | 2.00036120 1896 | 2.00036120 1897 | 2.00036120 1898 | 2.00036120 1899 | 2.00036120 1900 | 2.00036120 1901 | 2.00036120 1902 | 2.00036120 1903 | 2.00036097 1904 | 2.00036120 1905 | 2.00036120 1906 | 2.00036120 1907 | 2.00036120 1908 | 2.00036120 1909 | 2.00036120 1910 | 2.00036120 1911 | 2.00036120 1912 | 2.00036120 1913 | 2.00036097 1914 | 2.00036120 1915 | 2.00036120 1916 | 2.00036120 1917 | 2.00036120 1918 | 2.00036120 1919 | 2.00036097 1920 | 2.00036097 1921 | 2.00036120 1922 | 2.00036097 1923 | 2.00036120 1924 | 2.00036120 1925 | 2.00036097 1926 | 2.00036097 1927 | 2.00036120 1928 | 2.00036120 1929 | 2.00036120 1930 | 2.00036097 1931 | 2.00036120 1932 | 2.00036120 1933 | 2.00036120 1934 | 2.00036097 1935 | 2.00036120 1936 | 2.00036120 1937 | 2.00036120 1938 | 2.00036120 1939 | 2.00036120 1940 | 2.00036120 1941 | 2.00036097 1942 | 2.00036097 1943 | 2.00036097 1944 | 2.00036097 1945 | 2.00036097 1946 | 2.00036097 1947 | 2.00036097 1948 | 2.00036097 1949 | 2.00036097 1950 | 2.00036120 1951 | 2.00036120 1952 | 2.00036120 1953 | 2.00036120 1954 | 2.00036097 1955 | 2.00036097 1956 | 2.00036120 1957 | 2.00036097 1958 | 2.00036120 1959 | 2.00036097 1960 | 2.00036097 1961 | 2.00036097 1962 | 2.00036120 1963 | 2.00036120 1964 | 2.00036097 1965 | 2.00036120 1966 | 2.00036097 1967 | 2.00036097 1968 | 2.00036097 1969 | 2.00036097 1970 | 2.00036097 1971 | 2.00036097 1972 | 2.00036097 1973 | 2.00036097 1974 | 2.00036097 1975 | 2.00036097 1976 | 2.00036097 1977 | 2.00036097 1978 | 2.00036097 1979 | 2.00036097 1980 | 2.00036097 1981 | 2.00036097 1982 | 2.00036097 1983 | 2.00036097 1984 | 2.00036097 1985 | 2.00036097 1986 | 2.00036097 1987 | 2.00036097 1988 | 2.00036097 1989 | 2.00036120 1990 | 2.00036097 1991 | 2.00036097 1992 | 2.00036097 1993 | 2.00036097 1994 | 2.00036097 1995 | 2.00036097 1996 | 2.00036097 1997 | 2.00036097 1998 | 2.00036097 1999 | 2.00036097 2000 | 2.00036097 2001 | 2.00036097 2002 | 2.00036097 2003 | 2.00036097 2004 | 2.00036097 2005 | 2.00036097 2006 | 2.00036097 2007 | 2.00036097 2008 | 2.00036097 2009 | 2.00036097 2010 | 2.00036097 2011 | 2.00036097 2012 | 2.00036097 2013 | 2.00036097 2014 | 2.00036097 2015 | 2.00036097 2016 | 2.00036097 2017 | 2.00036097 2018 | 2.00036097 2019 | 2.00036097 2020 | 2.00036097 2021 | 2.00036097 2022 | 2.00036097 2023 | 2.00036097 2024 | 2.00036097 2025 | 2.00036097 2026 | 2.00036097 2027 | 2.00036097 2028 | 2.00036097 2029 | 2.00036097 2030 | 2.00036097 2031 | 2.00036097 2032 | 2.00036097 2033 | 2.00036097 2034 | 2.00036097 2035 | 2.00036097 2036 | 2.00036097 2037 | 2.00036097 2038 | 2.00036097 2039 | 2.00036073 2040 | 2.00036097 2041 | 2.00036097 2042 | 2.00036097 2043 | 2.00036097 2044 | 2.00036097 2045 | 2.00036073 2046 | 2.00036097 2047 | 2.00036097 2048 | 2.00036097 2049 | 2.00036097 2050 | 2.00036097 2051 | 2.00036097 2052 | 2.00036097 2053 | 2.00036097 2054 | 2.00036097 2055 | 2.00036097 2056 | 2.00036097 2057 | 2.00036073 2058 | 2.00036097 2059 | 2.00036097 2060 | 2.00036097 2061 | 2.00036097 2062 | 2.00036097 2063 | 2.00036097 2064 | 2.00036073 2065 | 2.00036097 2066 | 2.00036073 2067 | 2.00036097 2068 | 2.00036097 2069 | 2.00036073 2070 | 2.00036097 2071 | 2.00036097 2072 | 2.00036097 2073 | 2.00036097 2074 | 2.00036097 2075 | 2.00036097 2076 | 2.00036097 2077 | 2.00036097 2078 | 2.00036097 2079 | 2.00036097 2080 | 2.00036097 2081 | 2.00036073 2082 | 2.00036097 2083 | 2.00036097 2084 | 2.00036097 2085 | 2.00036097 2086 | 2.00036073 2087 | 2.00036097 2088 | 2.00036097 2089 | 2.00036097 2090 | 2.00036073 2091 | 2.00036097 2092 | 2.00036073 2093 | 2.00036097 2094 | 2.00036097 2095 | 2.00036097 2096 | 2.00036073 2097 | 2.00036097 2098 | 2.00036097 2099 | 2.00036097 2100 | 2.00036097 2101 | 2.00036097 2102 | 2.00036097 2103 | 2.00036097 2104 | 2.00036097 2105 | 2.00036073 2106 | 2.00036097 2107 | 2.00036073 2108 | 2.00036097 2109 | 2.00036073 2110 | 2.00036073 2111 | 2.00036073 2112 | 2.00036097 2113 | 2.00036097 2114 | 2.00036097 2115 | 2.00036097 2116 | 2.00036097 2117 | 2.00036097 2118 | 2.00036097 2119 | 2.00036073 2120 | 2.00036073 2121 | 2.00036097 2122 | 2.00036073 2123 | 2.00036073 2124 | 2.00036073 2125 | 2.00036073 2126 | 2.00036073 2127 | 2.00036097 2128 | 2.00036073 2129 | 2.00036097 2130 | 2.00036073 2131 | 2.00036097 2132 | 2.00036073 2133 | 2.00036073 2134 | 2.00036097 2135 | 2.00036097 2136 | 2.00036073 2137 | 2.00036073 2138 | 2.00036097 2139 | 2.00036073 2140 | 2.00036073 2141 | 2.00036073 2142 | 2.00036073 2143 | 2.00036073 2144 | 2.00036073 2145 | 2.00036073 2146 | 2.00036073 2147 | 2.00036073 2148 | 2.00036097 2149 | 2.00036073 2150 | 2.00036097 2151 | 2.00036097 2152 | 2.00036073 2153 | 2.00036097 2154 | 2.00036073 2155 | 2.00036073 2156 | 2.00036073 2157 | 2.00036073 2158 | 2.00036073 2159 | 2.00036073 2160 | 2.00036073 2161 | 2.00036073 2162 | 2.00036073 2163 | 2.00036073 2164 | 2.00036073 2165 | 2.00036073 2166 | 2.00036097 2167 | 2.00036097 2168 | 2.00036073 2169 | 2.00036073 2170 | 2.00036073 2171 | 2.00036097 2172 | 2.00036073 2173 | 2.00036073 2174 | 2.00036097 2175 | 2.00036097 2176 | 2.00036073 2177 | 2.00036073 2178 | 2.00036073 2179 | 2.00036073 2180 | 2.00036049 2181 | 2.00036097 2182 | 2.00036073 2183 | 2.00036073 2184 | 2.00036073 2185 | 2.00036073 2186 | 2.00036073 2187 | 2.00036073 2188 | 2.00036073 2189 | 2.00036073 2190 | 2.00036073 2191 | 2.00036049 2192 | 2.00036073 2193 | 2.00036073 2194 | 2.00036049 2195 | 2.00036049 2196 | 2.00036073 2197 | 2.00036073 2198 | 2.00036073 2199 | 2.00036073 2200 | 2.00036073 2201 | 2.00036049 2202 | 2.00036073 2203 | 2.00036073 2204 | 2.00036049 2205 | 2.00036073 2206 | 2.00036049 2207 | 2.00036049 2208 | 2.00036073 2209 | 2.00036049 2210 | 2.00036073 2211 | 2.00036073 2212 | 2.00036049 2213 | 2.00036073 2214 | 2.00036073 2215 | 2.00036049 2216 | 2.00036049 2217 | 2.00036049 2218 | 2.00036049 2219 | 2.00036073 2220 | 2.00036049 2221 | 2.00036073 2222 | 2.00036049 2223 | 2.00036073 2224 | 2.00036073 2225 | 2.00036073 2226 | 2.00036049 2227 | 2.00036049 2228 | 2.00036073 2229 | 2.00036049 2230 | 2.00036049 2231 | 2.00036049 2232 | 2.00036049 2233 | 2.00036049 2234 | 2.00036049 2235 | 2.00036049 2236 | 2.00036073 2237 | 2.00036049 2238 | 2.00036073 2239 | 2.00036049 2240 | 2.00036073 2241 | 2.00036049 2242 | 2.00036073 2243 | 2.00036049 2244 | 2.00036049 2245 | 2.00036073 2246 | 2.00036049 2247 | 2.00036073 2248 | 2.00036049 2249 | 2.00036073 2250 | 2.00036073 2251 | 2.00036049 2252 | 2.00036049 2253 | 2.00036049 2254 | 2.00036073 2255 | 2.00036049 2256 | 2.00036049 2257 | 2.00036049 2258 | 2.00036049 2259 | 2.00036049 2260 | 2.00036049 2261 | 2.00036073 2262 | 2.00036049 2263 | 2.00036049 2264 | 2.00036073 2265 | 2.00036049 2266 | 2.00036049 2267 | 2.00036049 2268 | 2.00036049 2269 | 2.00036049 2270 | 2.00036049 2271 | 2.00036049 2272 | 2.00036073 2273 | 2.00036049 2274 | 2.00036049 2275 | 2.00036049 2276 | 2.00036049 2277 | 2.00036049 2278 | 2.00036049 2279 | 2.00036049 2280 | 2.00036049 2281 | 2.00036049 2282 | 2.00036049 2283 | 2.00036049 2284 | 2.00036049 2285 | 2.00036049 2286 | 2.00036073 2287 | 2.00036049 2288 | 2.00036049 2289 | 2.00036049 2290 | 2.00036049 2291 | 2.00036049 2292 | 2.00036049 2293 | 2.00036049 2294 | 2.00036049 2295 | 2.00036049 2296 | 2.00036049 2297 | 2.00036049 2298 | 2.00036049 2299 | 2.00036049 2300 | 2.00036073 2301 | 2.00036049 2302 | 2.00036049 2303 | 2.00036073 2304 | 2.00036049 2305 | 2.00036049 2306 | 2.00036049 2307 | 2.00036049 2308 | 2.00036049 2309 | 2.00036073 2310 | 2.00036049 2311 | 2.00036049 2312 | 2.00036049 2313 | 2.00036073 2314 | 2.00036049 2315 | 2.00036049 2316 | 2.00036073 2317 | 2.00036049 2318 | 2.00036049 2319 | 2.00036049 2320 | 2.00036049 2321 | 2.00036049 2322 | 2.00036049 2323 | 2.00036049 2324 | 2.00036049 2325 | 2.00036049 2326 | 2.00036049 2327 | 2.00036049 2328 | 2.00036049 2329 | 2.00036049 2330 | 2.00036049 2331 | 2.00036049 2332 | 2.00036049 2333 | 2.00036049 2334 | 2.00036049 2335 | 2.00036049 2336 | 2.00036049 2337 | 2.00036049 2338 | 2.00036049 2339 | 2.00036049 2340 | 2.00036049 2341 | 2.00036049 2342 | 2.00036049 2343 | 2.00036049 2344 | 2.00036049 2345 | 2.00036049 2346 | 2.00036049 2347 | 2.00036049 2348 | 2.00036049 2349 | 2.00036049 2350 | 2.00036049 2351 | 2.00036049 2352 | 2.00036049 2353 | 2.00036049 2354 | 2.00036049 2355 | 2.00036049 2356 | 2.00036049 2357 | 2.00036049 2358 | 2.00036049 2359 | 2.00036049 2360 | 2.00036049 2361 | 2.00036049 2362 | 2.00036049 2363 | 2.00036049 2364 | 2.00036049 2365 | 2.00036049 2366 | 2.00036049 2367 | 2.00036049 2368 | 2.00036049 2369 | 2.00036049 2370 | 2.00036049 2371 | 2.00036049 2372 | 2.00036049 2373 | 2.00036049 2374 | 2.00036049 2375 | 2.00036049 2376 | 2.00036049 2377 | 2.00036049 2378 | 2.00036049 2379 | 2.00036049 2380 | 2.00036049 2381 | 2.00036049 2382 | 2.00036049 2383 | 2.00036049 2384 | 2.00036049 2385 | 2.00036049 2386 | 2.00036049 2387 | 2.00036049 2388 | 2.00036049 2389 | 2.00036049 2390 | 2.00036049 2391 | 2.00036049 2392 | 2.00036049 2393 | 2.00036049 2394 | 2.00036049 2395 | 2.00036049 2396 | 2.00036049 2397 | 2.00036049 2398 | 2.00036049 2399 | 2.00036049 2400 | 2.00036049 2401 | 2.00036049 2402 | 2.00036049 2403 | 2.00036049 2404 | 2.00036049 2405 | 2.00036049 2406 | 2.00036049 2407 | 2.00036049 2408 | 2.00036049 2409 | 2.00036049 2410 | 2.00036049 2411 | 2.00036049 2412 | 2.00036049 2413 | 2.00036049 2414 | 2.00036049 2415 | 2.00036049 2416 | 2.00036049 2417 | 2.00036049 2418 | 2.00036049 2419 | 2.00036049 2420 | 2.00036049 2421 | 2.00036049 2422 | 2.00036049 2423 | 2.00036049 2424 | 2.00036049 2425 | 2.00036049 2426 | 2.00036049 2427 | 2.00036049 2428 | 2.00036049 2429 | 2.00036049 2430 | 2.00036049 2431 | 2.00036049 2432 | 2.00036049 2433 | 2.00036049 2434 | 2.00036025 2435 | 2.00036049 2436 | 2.00036049 2437 | 2.00036049 2438 | 2.00036049 2439 | 2.00036049 2440 | 2.00036049 2441 | 2.00036049 2442 | 2.00036049 2443 | 2.00036049 2444 | 2.00036049 2445 | 2.00036049 2446 | 2.00036049 2447 | 2.00036049 2448 | 2.00036049 2449 | 2.00036049 2450 | 2.00036049 2451 | 2.00036049 2452 | 2.00036049 2453 | 2.00036049 2454 | 2.00036049 2455 | 2.00036049 2456 | 2.00036049 2457 | 2.00036049 2458 | 2.00036049 2459 | 2.00036025 2460 | 2.00036049 2461 | 2.00036049 2462 | 2.00036049 2463 | 2.00036049 2464 | 2.00036049 2465 | 2.00036049 2466 | 2.00036049 2467 | 2.00036049 2468 | 2.00036049 2469 | 2.00036049 2470 | 2.00036049 2471 | 2.00036049 2472 | 2.00036049 2473 | 2.00036025 2474 | 2.00036049 2475 | 2.00036049 2476 | 2.00036049 2477 | 2.00036049 2478 | 2.00036025 2479 | 2.00036049 2480 | 2.00036049 2481 | 2.00036049 2482 | 2.00036049 2483 | 2.00036049 2484 | 2.00036049 2485 | 2.00036049 2486 | 2.00036049 2487 | 2.00036049 2488 | 2.00036049 2489 | 2.00036049 2490 | 2.00036049 2491 | 2.00036049 2492 | 2.00036049 2493 | 2.00036049 2494 | 2.00036049 2495 | 2.00036049 2496 | 2.00036049 2497 | 2.00036049 2498 | 2.00036049 2499 | 2.00036049 2500 | 2.00036049 2501 | 2.00036049 2502 | 2.00036049 2503 | 2.00036049 2504 | --------------------------------------------------------------------------------