Degenerations between Jordan spaces

First we define our costfunctional \(f(P,Q)\) and \(F(P)=\min_Q f(P,Q)\) for two bases \(X\), \(Y\) of two Jordan algebras \(J_1\) and \(J_2\).

[1]:
#necessary libraries to solve optimization problem efficiently
using LinearAlgebra, TensorOperations, Optim
#library to save data
using DelimitedFiles
#library for plots and graphs
using Plots, GraphRecipes
[2]:
#cost function
function f(P,Q,X,Y)
    m=size(X)[3]
    n=size(X)[1]
    @tensor begin
        y[a,b,c]:=X[a1,b1,c1]*P[a,a1]*P[b,b1]*Q[c,c1]
    end
    return norm(y-Y)^2,y
end

# we can compute the optimal Q by solving a linear system of equations
function optimalQ(P,X,Y)
    n=size(X)[1]
    m=size(X)[3]
    Idm=Diagonal(ones(m))
    @tensor begin
        x[a1,a2,b1]:=P[a1,a3]*P[a2,a4]*X[a3,a4,b1]
    end
    x2=conj(x)
    @tensor begin
        Op[b4,b3,b1,b2]:=x2[a1,a3,b3]*x[a1,a3,b2]*Idm[b1,b4]
        rhs[b1,b3]:=x2[a1,a3,b3]*Y[a1,a3,b1]
    end
    Op=reshape(Op,m*m,m*m)
    rhs=reshape(rhs,m*m)

    b=qr(Op, Val(true)) \ rhs
    return reshape(b,m,m)

end

#We can define the cost functional without Q
function F(P,X,Y)
    m=size(X)[3]
    n=size(X)[1]
    Q=optimalQ(P,X,Y)
    @tensor begin
        y[a,b,c]:=X[a1,b1,c1]*P[a,a1]*P[b,b1]*Q[c,c1]
    end
    return norm(y-Y)^2,y
end
[2]:
F (generic function with 1 method)

We need the gradient of \(f\) and \(F\) for efficient optimization methods. If \(F\) is differentiable, the gradient is \(\nabla F(P)=\nabla f(P,Q)\), where \(Q\) is the minimizer in \(\min_Q f(P,Q)\).

[3]:
function gradf(P,Q,X,Y)
    m=size(X)[3]
    n=size(X)[1]
    #we need res=B(AXA)-Y for everything
    res=f(P,Q,X,Y)[2]-Y

    @tensor begin
        #grad with respect to A
        gradA[a,b] := 2*res[a,d,e]*conj(X[b,f,g]*P[d,f]*Q[e,g])
        #grad with respect to B
        gradB[a,b] := res[d,e,a]*conj(X[f,g,b]*P[d,f]*P[e,g])
    end
    return gradA,gradB
end

function gradF(P,X,Y)
    Q=optimalQ(P,X,Y)
    return gradf(P,Q,X,Y)[1]
end
[3]:
gradF (generic function with 1 method)

Now we define optimization methods. We will use \(F\) since having less variables makes this optimization problem easier to handle.

[4]:
#if we have a candidate P
function finddegeneration(P,X,Y)
    #first define the specific function to be optimized
    F1(P)=F(P,X,Y)[1]
    #next the gradient
    function g!(G,P)
        G[:,:]=gradF(P,X,Y)
    end
    #we use the BFGS method
    return optimize(F1,g!, P,LBFGS())
end


#if no candidate is known
function finddegeneration(X,Y)
    n=size(X)[1]
    P=randn(n,n)+im*randn(n,n)
    return finddegeneration(P,X,Y)
end
[4]:
finddegeneration (generic function with 2 methods)

Next we need to provide the bases of the Jordan Algebras.

[5]:
#we need the antidiagonal a lot
function JMatrix(n)
    J=zeros(n,n)
    for i in 1:n
        J[i,n+1-i]=1
    end
    return J
end

function JMatrix(n,k)
    J=zeros(n,n)
    for i in 1:n-k
        J[i,n+1-k-i]=1
    end
    return J
end

#helpful function for degenerations of diagonal type
function Atype(d,k)
    n=d*k
    X=zeros(n,n,d)
    for i in 1:d
        X[:,:,i]=kron(Diagonal(ones(k)),JMatrix(d,i-1))
    end
    return X
end

#we start with Jordan pencils

#Diagonal type
function JPA1(k1,k2)
    n=k1+2k2
    X=zeros(n,n,2)
    X[1:k1+k2,1:k1+k2,1]=Diagonal(ones(k1+k2))
    X[1+k1+k2:k1+2k2,1+k1+k2:k1+2k2,2]=Diagonal(ones(k2))
    return X
end
#degenerate type
function JPA2(k1,k2)
    n=k1+2k2
    X=zeros(n,n,2)
    X[1:2k2,1:2k2,:]=Atype(2,k2)
    X[2k2+1:n,2k2+1:n,1]=Diagonal(ones(k1))
    return X
end

#next Jordan nets

#Diagonal type
function JNA1(k1,k2,k3)
    n=k1+2k2+3k3
    r=k1+k2+k3
    X=zeros(n,n,3)
    X[r+1:n,r+1:n,2:3]=JPA1(k2,k3)
    X[1:r,1:r,1]=Diagonal(ones(r))
    return X
end
#Degenerations
function JNA2(r,k1,k2)
    n=r+k1+2k2
    X=zeros(n,n,3)
    X[1:r,1:r,1]=Diagonal(ones(r))
    X[r+1:n,r+1:n,2:3]=JPA2(k1,k2)
    return X
end
function JNA3(k1,k2,k3)
    n=k1+2k2+3k3
    X=zeros(n,n,3)
    X[1:3k3,1:3k3,:]=Atype(3,k3)
    X[3k3+1:n,3k3+1:n,1:2]=JPA2(k1,k2)

    return X
end

#S^2 type

function JNB1(k)
    X=zeros(2k,2k,3)
    X[:,:,1]=kron([1 0; 0 0],Diagonal(ones(k)))
    X[:,:,2]=kron([0 0; 0 1],Diagonal(ones(k)))
    X[:,:,3]=kron([0 1; 1 0],Diagonal(ones(k)))

    return X
end
#Degeneration
function JNB2(k,l1,l2)
    n=l1+2l2
    X=zeros(n,n,3)
    X[1:l2,1:l2,1]=JMatrix(l2)
    X[1+l2:2l2,1+l2:2l2,2]=JMatrix(l2)
    X[2l2+1:n,2l2+1:n,2]=Diagonal(ones(l1))
    X[1:k,l2+1:l2+k,3]=Diagonal(ones(k))
    X[l2+1:l2+k,1:k,3]=Diagonal(ones(k))
    return X
end

function JNC(n,typ)
    X=zeros(n,n,3)
    X[:,:,1]=JMatrix(n)
    if n==4 || n==5
        if typ==1
            X[1:2,1:2,2:3]=JPA1(0,1)
        else
            X[1:2,1:2,2:3]=JPA2(0,1)
        end

    else
        if typ==1
            X[1:2,1:2,2:3]=JPA1(0,1)
            X[3,3,2:3]=ones(2)
        elseif typ==2
            X[1:2,1:2,2:3]=JPA2(0,1)
            X[3,3,3]=1
        elseif typ==3
            X[1:3,1:3,2]=JMatrix(3)
            X[1:3,1:3,3]=JMatrix(3,1)

        elseif typ==4
            X[1:3,1:3,2:3]=JPA1(1,1)
        elseif typ==5
            X[1:2,1:2,2:3]=JPA2(0,1)
            X[3,3,2]=1
        elseif typ==6
            X[1:3,1:3,2]=JMatrix(3)
            X[2,2,2]=0
            X[1:3,1:3,3]=JMatrix(3,1)
        elseif typ==7
            X[1:2,1:2,2:3]=JPA1(0,1)
        else
            X[1:2,1:2,2:3]=JPA2(0,1)
        end


    end


    return X
end

#Jordan webs

#Diagonal Type
function JWA1(k1,k2,k3,k4)
    n=k1+2k2+3k3+4k4
    n2=k1+k2+k3+k4
    X=zeros(n,n,4)
    X[n2+1:n,n2+1:n,2:4]=JNA1(k2,k3,k4)
    X[1:n2,1:n2,1]=Diagonal(ones(n2))
    return X
end

#degenerations
function JWA2(k1,k2,l1,l2)
    n1=k1+2k2
    n=n1+l1+2l2
    X=zeros(n,n,4)

    X[1:n1,1:n1,1:2]=JPA1(k1,k2)
    X[n1+1:n,n1+1:n,3:4]=JPA2(l1,l2)
    return X
end

function JWA3(k1,k2,l1,l2)
    n1=k1+2k2
    n=n1+l1+2l2
    X=zeros(n,n,4)

    X[1:n1,1:n1,1:2]=JPA2(k1,k2)
    X[n1+1:n,n1+1:n,3:4]=JPA2(l1,l2)
    return X
end

function JWA4(r,k1,k2,k3)
    n=r+k1+2k2+3k3
    X=zeros(n,n,4)
    X[1:r,1:r,1]=Diagonal(ones(r))
    X[r+1:n,1+r:n,2:4]=JNA3(k1,k2,k3)
    return X
end

function JWA5(k1,k2,k3,k4)
    n=k1+2k2+3k3+4k4
    X=zeros(n,n,4)
    X[1:4k4,1:4k4,1:4]=Atype(4,k4)
    X[4k4+1:n,4k4+1:n,1:3]=JNA3(k1,k2,k3)
    return X
end

#other types

function JWB1(k1,k2)
    n=k1+2k2
    X=zeros(n,n,4)
    X[1:k1,1:k1,1]=Diagonal(ones(k1))
    X[k1+1:n,k1+1:n,2:4]=JNB1(k2)
    return X
end

function JWB2(r,k,l1,l2)
    n=r+l1+2l2
    X=zeros(n,n,4)
    X[1:r,1:r,1]=Diagonal(ones(r))
    X[r+1:n,r+1:n,2:4]=JNB2(k,l1,l2)
    return X
end

function JWC1(k)
    n=4k
    X=zeros(n,n,4)
    X[:,:,1:3]=JNB1(2k)
    X[1:2k,2k+1:4k,4]= kron(Diagonal(ones(k)),[0 1; -1 0])
    X[2k+1:4k,1:2k,4]=kron(Diagonal(ones(k)),[0 -1; 1 0])
    return X
end


function JWC2(m,k)
    n=2m
    X=zeros(n,n,4)
    X[:,:,1:3]=JNB2(k,0,m)
    X[1:2k,1+m:m+2k,3]=kron(Diagonal(ones(k)),[0 1; -1 0])
    X[1+m:m+2k,1:2k,3]=kron(Diagonal(ones(k)),[0 -1; 1 0])

    X[1:m,1+m:n,4]=JMatrix(m)
    X[1+m:n,1:m,4]=JMatrix(m)

    return X
end

function JWD(n,typ)
    X=zeros(n,n,4)
    if n==5
        X[2:5,2:5,1:3]=JNC(4,typ)
        X[1,1,4]=1
    end
    return X
end

function JWE1(n,typ)
    X=zeros(n,n,4)
    X[1,1,3]=1
    X[1:2,1:2,4]=[0 1; 1 0]
    X[1:3,1:3,1]=[0 0 1; 0 0 0; 1 0 0 ]
    X[2,2,2]=1

    if n==4
        if typ ==1
            X[4,4,1]=1
        else
            X[4,4,2]=1
        end
    elseif n==5
        if typ ==1
            X[4,4,1]=1
            X[5,5,1]=1
        elseif typ ==2
            X[4,4,1]=1
            X[5,5,2]=1
        else
            X[4,4,2]=1
            X[5,5,2]=1
        end
    end
    return X
end

function JWE2(n,typ)
    X=zeros(n,n,4)
    X[1,1,3]=1
    X[1,3,4]=1
    X[3,1,4]=1
    X[1:2,1:2,1]=[0 1; 1 0]
    X[3:4,3:4,2]=[0 1; 1 0]
    if n==5
        if typ==1
            X[5,5,1]=1
        else
            X[5,5,2]=1
        end
    end
    return X
end

function JWE2(n)
    return JWE2(n,1)
end

function JWE3(n,typ)
    X=zeros(n,n,4)
    X[1:3,1:3,1]=JMatrix(3)
    X[1:2,1:2,2]=JMatrix(2)
    X[1,1,3]=1
    if typ==1
        X[4:n,4:n,1]=Diagonal(ones(n-3))
        X[1,4,4]=1
        X[4,1,4]=1
    else
        X[1,5,4]=1
        X[5,1,4]=1
        X[4:5,4:5,1:2]=JPA2(0,1)
    end
    return X

end

function JWE3(n)
    return JWE3(n,1)
end

function JWE4(n,typ)
    X=zeros(n,n,4)
    X[1:3,1:3,1]=JMatrix(3)
    X[1:2,1:2,2]=JMatrix(2)
    X[1,1,3]=1
    X[4:5,4:5,1]=JMatrix(2)
    if typ==1
        X[4,4,4]=1
    else
        X[1,4,4]=1
        X[4,1,4]=1
    end
    return X
end
function JWF(n)
    X=zeros(n,n,4)
    X[:,:,1]=JMatrix(n)
    X[1:2,1:2,2:4]=JNB1(1)
    return X
end
[5]:
JWF (generic function with 1 method)

For more stability of the results we will transform the bases into orthonormal bases (w.r.t. the inner product \(\langle A,B \rangle= \mathrm{tr} (AB)\)).

[6]:
function ONB(X)
    n=size(X)[1]
    m=size(X)[3]
    result=zeros(n,n,m)

    for i in 1:m
        tmp=X[:,:,i]
        for j in 1:i-1
            tmp-=tr(tmp*result[:,:,j])*result[:,:,j]
        end
        result[:,:,i]=tmp/norm(tmp)
    end

    return result
end
[6]:
ONB (generic function with 1 method)

We collect the bases for the orbits of Jordan Algebras in \(\mathbb{S}^n\) for \(n=5,6,7\).

[7]:
#Jordan nets in S^5
JordanNetsS5=ONB.([
    #codim 16
    JNA1(0,1,1),
    #codim 17
    JNA1(2,0,1),JNA2(1,0,2),JNA2(2,1,1),
    #codim 18
    JNA2(3,0,1),JNA2(1,2,1),JNA3(0,1,1),JNB2(1,1,2),
    #codim 19
    JNA3(2,0,1),JNC(5,1),
    #codim 20
    JNC(5,2)
]);
[8]:
#Jordan nets in S^6
JordanNetsS6=ONB.([
        #codim 24
        JNA1(0,0,2),
        #codim 25
        JNA1(1,1,1),JNA2(2,0,2),JNC(6,1),JNB1(3),
        #codim 26
        JNA2(3,1,1),JNA2(1,1,2),JNA2(2,2,1),JNA3(0,0,2),JNC(6,2),JNB2(1,0,3),
        #codim 27
        JNA1(3,0,1),JNA3(1,1,1),JNC(6,4),JNC(6,3),JNB2(1,2,2),
        #codim 28
        JNA2(4,0,1),JNA2(1,3,1),JNC(6,5),
        #codim 29
        JNA3(3,0,1),JNC(6,7),JNC(6,6),
        #codim 30
        JNC(6,8)
]);
[9]:
#Jordan nets in S^7
JordanNetsS7=ONB.([
        #codim 34
        JNA1(1,0,2),
        #codim 35
        JNA2(2,1,2), JNA2(3,0,2), JNA1(0,2,1),
        #codim 36
        JNB2(1,1,3),JNC(7,1),JNA3(1,0,2),JNA2(3,2,1),JNA1(2,1,1),JNA2(1,0,3),
        #codim 37
        JNC(7,2),JNA2(2,3,1),JNA2(1,2,2),JNA3(0,2,1),JNA2(4,1,1),
        #codim 38
        JNB2(1,3,2),JNC(7,3),JNC(7,4),JNA3(2,1,1),
        #codim 39
        JNC(7,5),JNA1(4,0,1),
        #codim 40
        JNC(7,6),JNA2(1,4,1),JNA2(5,0,1),
        #codim 41
        JNC(7,7),JNA3(4,0,1),
        #codim 42
        JNC(7,8)
]);
[10]:
#Jordan webs in S^4
JordanWebsS4=ONB.([
        #codim 12
        JWA1(0,0,0,1),
        #codim 13
        JWA2(0,1,0,1),
        #codim 14
        JWE1(4,2), JWA3(0,1,0,1), JWA4(1,0,0,1), JWB1(2,1),
        #codim 15
        JWE2(4), JWA5(0,0,0,1), JWE1(4,1),
        #codim 16
        JWE3(4), JWC1(1),
        #codim 17
        JWF(4)
]);
[11]:
#Jordan webs in S^5
JordanWebsS5=ONB.([
         #codim 24
        JWA1(1,0,0,1),
         #codim 25
        JWA2(1,1,0,1),JWA2(0,1,1,1), JWE3(5,2), JWB1(1,2),
         #codim 26
        JWE1(5,3),JWA4(2,0,0,1), JWA4(1,1,0,1),JWA3(1,1,0,1),JWD(5,1),JWB2(1,1,0,2),JWE1(5,2),
         #codim 27
        JWB1(3,1),JWE2(5,2),JWA5(1,0,0,1),JWE4(5,1),JWD(5,2),JWE2(5,1),
         #codim 28
        JWE1(5,1),JWE3(5,1),
         #codim 29
        JWE4(5,2),
         #codim 30
        JWF(5)
]);

We would like to find all degenerations. Since there are many local minima, we will need multiple tries for some of the methods.

[12]:
function  findminimum(X,Y,tries)
    n=size(X)[1]
    iterator=0
    error=100.
    P=0
    #first define the specific function to be optimized
    F1(P)=F(P,X,Y)[1]
    #next the gradient
    function g!(G,P)
        G[:,:]=gradF(P,X,Y)
    end

    while error>1e-6 && iterator<tries
        P_0=randn(n,n)+im*randn(n,n)
        iterator+=1
        #we use the BFGS method
        result=optimize(F1,g!, P_0,LBFGS())
        if error>result.minimum
            error=result.minimum
            P=result.minimizer
        end
    end
    return error,P,iterator
end

function finddistances(Data,tries)
    L=length(Data)
    n=size(Data[1])[1]
    dist=zeros(L,L)
    Ps=im*zeros(L,L,n,n)

    #first run
    for i in 1:L
        for j in 1:L
            X=Data[i]
            Y=Data[j]
            @time begin
            d,P,iterator=findminimum(X,Y,tries)
            end
            dist[i,j]=d
            Ps[i,j,:,:]=P
            println("distance squared from orbit of $i to $j is at most $d. $iterator tries ")
        end
        println()
    end

    println("first run done")
    println()
    println("second run")
    revisedistances!(Data,dist,Ps)
    recheckdegenerations!(Data,dist,Ps)
    println("third run")
    revisedistances!(Data,dist,Ps)
    recheckdegenerations!(Data,dist,Ps)
    #second run to check


    return dist,Ps
end

function distances(Data,Ps)
    L=length(Data)
    dist=zeros(L,L)
    for i in 1:L
        for j in 1:L
            X=Data[i]
            Y=Data[j]
            P_0=Ps[i,j,:,:]
            result=finddegeneration(P_0,X,Y)
            dist[i,j]=result.minimum
        end
    end
    return dist
end


function revisedistances!(Data,dist,Ps)
    L=length(Data)
    for i in 1:L
        for j in 1:L
            d=dist[i,j]
            for k in 1:L
                if d>dist[i,k]+dist[k,j]
                    println("distance squared from orbit of $i to $j will be revised since for $i $k $j: $(dist[i,k])+$(dist[k,j])<$d")
                    P_0=Ps[k,j,:,:]*Ps[i,k,:,:]
                    X=Data[i]
                    Y=Data[j]
                    result=finddegeneration(P_0,X,Y)
                    if result.minimum<d
                        d=result.minimum
                        dist[i,j]=d
                        Ps[i,j,:,:]=result.minimizer

                    end
                    println("revised distance squared from orbit of $i to $j is at most $(dist[i,j]). ")
                end
            end
        end
        println()
    end
end

function recheckdegenerations!(Data,dist,Ps)
    #make values smaller
    L=length(Data)
    for i in 1:L
        for j in 1:L
            d=dist[i,j]
            X=Data[i]
            Y=Data[j]

            n=size(X)[1]
            P_1=randn(n,n)+im*randn(n,n)
            result=finddegeneration(P_1,X,Y)
            if result.minimum<d
                d=result.minimum

                Ps[i,j,:,:]=result.minimizer
                println("rechecked new distance squared from orbit of $i to $j is at most $d old is $(dist[i,j]). ")
                dist[i,j]=d
            end
            P_0=Ps[i,j,:,:]
            result=finddegeneration(P_0,X,Y)

            if result.minimum<d
                d=result.minimum

                Ps[i,j,:,:]=result.minimizer
                println("rechecked better distance squared from orbit of $i to $j is at most $d old is $(dist[i,j]). ")
                dist[i,j]=d
            end

        end
    end
end
[12]:
recheckdegenerations! (generic function with 1 method)

We can draw the Hasse Diagram from this data.

[13]:
function datatograph1(D,digs)
    #step one: get connections
    n=size(D)[1]
    C=falses(n,n)
    for i in 1:n-1
        for j in i+1:n
             C[i,j]=(round(D[i,j],digits=digs)==0)
        end
    end
    L=C
    for i in 1:n-2
        for j in i+2:n
            if C[i,j]
                for k in i+1:j-1
                    if C[i,k]*C[k,j]
                        L[i,j]=false
                    end
                end
            end
        end
    end
    return graphplot(L,method=:tree,names=1:n,curves=false,  curvature_scalar=0,nodesize=0.2),L
end

function datatograph2(D,eps)
    n=size(D)[1]
    C=falses(n,n)
    for i in 1:n-1
        for j in i+1:n
            C[i,j]=(prod(D[i,:].<=D[j,:] .+eps))
        end
    end
    L=C
    for i in 1:n-2
        for j in i+2:n
            if C[i,j]
                for k in i+1:j-1
                    if C[i,k]*C[k,j]
                        L[i,j]=false
                    end
                end
            end
        end
    end
    return graphplot(L,method=:tree,names=1:n,curves=false, curvature_scalar=0,nodesize=0.2),L
end
[13]:
datatograph2 (generic function with 1 method)

We calculate degenerations for nets in \(\mathbb S^5\).

[14]:
D5s,P5s=finddistances(JordanNetsS5,10)
#save P5s

open("JNS5Ps.csv", "w") do io
           writedlm(io,P5s)
end
 26.398130 seconds (85.78 M allocations: 4.252 GiB, 7.00% gc time)
distance squared from orbit of 1 to 1 is at most 1.04946056742185e-15. 5 tries
  0.246583 seconds (965.27 k allocations: 443.435 MiB, 23.27% gc time)
distance squared from orbit of 1 to 2 is at most 0.3333333333348262. 10 tries
  2.142754 seconds (8.05 M allocations: 3.610 GiB, 19.05% gc time)
distance squared from orbit of 1 to 3 is at most 2.8719773209312435e-11. 10 tries
  0.483927 seconds (1.95 M allocations: 896.760 MiB, 20.57% gc time)
distance squared from orbit of 1 to 4 is at most 1.7338312218616424e-7. 1 tries
  1.038463 seconds (3.58 M allocations: 1.604 GiB, 19.39% gc time)
distance squared from orbit of 1 to 5 is at most 0.33333333333334986. 10 tries
  3.364081 seconds (11.79 M allocations: 5.287 GiB, 18.77% gc time)
distance squared from orbit of 1 to 6 is at most 5.290054047361649e-7. 6 tries
  4.944623 seconds (20.71 M allocations: 9.292 GiB, 19.95% gc time)
distance squared from orbit of 1 to 7 is at most 3.1929498488144175e-6. 10 tries
  0.396834 seconds (1.66 M allocations: 762.392 MiB, 17.75% gc time)
distance squared from orbit of 1 to 8 is at most 0.6666666666666975. 10 tries
  5.094642 seconds (20.30 M allocations: 9.105 GiB, 19.51% gc time)
distance squared from orbit of 1 to 9 is at most 0.0003622893701626504. 10 tries
  1.247508 seconds (3.91 M allocations: 1.753 GiB, 18.14% gc time)
distance squared from orbit of 1 to 10 is at most 7.403587347973133e-7. 2 tries
  5.047160 seconds (19.69 M allocations: 8.832 GiB, 19.48% gc time)
distance squared from orbit of 1 to 11 is at most 0.0005175801114635845. 10 tries

  0.352324 seconds (1.19 M allocations: 548.669 MiB, 18.74% gc time)
distance squared from orbit of 2 to 1 is at most 0.5000000000000274. 10 tries
  0.151588 seconds (590.01 k allocations: 271.041 MiB, 19.35% gc time)
distance squared from orbit of 2 to 2 is at most 4.146126462430445e-14. 5 tries
  4.627913 seconds (18.09 M allocations: 8.114 GiB, 19.42% gc time)
distance squared from orbit of 2 to 3 is at most 0.5000000004547162. 10 tries
  1.576167 seconds (5.99 M allocations: 2.687 GiB, 19.33% gc time)
distance squared from orbit of 2 to 4 is at most 0.33333333394375064. 10 tries
  0.863925 seconds (2.74 M allocations: 1.228 GiB, 17.60% gc time)
distance squared from orbit of 2 to 5 is at most 2.1661051355535755e-11. 2 tries
  1.059825 seconds (4.16 M allocations: 1.864 GiB, 19.52% gc time)
distance squared from orbit of 2 to 6 is at most 4.6434141768397423e-7. 2 tries
  4.234434 seconds (17.51 M allocations: 7.856 GiB, 19.46% gc time)
distance squared from orbit of 2 to 7 is at most 0.3333438157950055. 10 tries
  3.438669 seconds (14.56 M allocations: 6.533 GiB, 20.06% gc time)
distance squared from orbit of 2 to 8 is at most 0.8750000000336399. 10 tries
  4.754457 seconds (20.81 M allocations: 9.335 GiB, 19.78% gc time)
distance squared from orbit of 2 to 9 is at most 1.5112691966637571e-6. 10 tries
  2.009596 seconds (8.43 M allocations: 3.784 GiB, 19.67% gc time)
distance squared from orbit of 2 to 10 is at most 2.2611977870280037e-7. 4 tries
  4.969711 seconds (20.59 M allocations: 9.234 GiB, 19.92% gc time)
distance squared from orbit of 2 to 11 is at most 2.178753441862943e-5. 10 tries

  0.513927 seconds (2.20 M allocations: 1011.328 MiB, 19.13% gc time)
distance squared from orbit of 3 to 1 is at most 0.5000000000000124. 10 tries
  0.891462 seconds (3.65 M allocations: 1.638 GiB, 19.39% gc time)
distance squared from orbit of 3 to 2 is at most 0.33333333345150873. 10 tries
  0.580389 seconds (2.33 M allocations: 1.045 GiB, 20.21% gc time)
distance squared from orbit of 3 to 3 is at most 1.6256369719520814e-13. 5 tries
  1.140462 seconds (4.89 M allocations: 2.196 GiB, 19.70% gc time)
distance squared from orbit of 3 to 4 is at most 0.5000000005631954. 10 tries
  1.262483 seconds (4.98 M allocations: 2.235 GiB, 19.79% gc time)
distance squared from orbit of 3 to 5 is at most 0.3333336980040679. 10 tries
  2.933337 seconds (12.34 M allocations: 5.534 GiB, 19.86% gc time)
distance squared from orbit of 3 to 6 is at most 3.965736705924748e-10. 6 tries
  4.931125 seconds (20.21 M allocations: 9.065 GiB, 19.61% gc time)
distance squared from orbit of 3 to 7 is at most 0.00015971242055866778. 10 tries
  0.465092 seconds (1.96 M allocations: 898.514 MiB, 18.57% gc time)
distance squared from orbit of 3 to 8 is at most 0.6666666666666868. 10 tries
  4.739056 seconds (20.18 M allocations: 9.051 GiB, 19.81% gc time)
distance squared from orbit of 3 to 9 is at most 3.211161120384851e-5. 10 tries
  4.832656 seconds (19.96 M allocations: 8.954 GiB, 19.63% gc time)
distance squared from orbit of 3 to 10 is at most 1.835310719267838e-6. 10 tries
  5.003552 seconds (20.44 M allocations: 9.171 GiB, 19.46% gc time)
distance squared from orbit of 3 to 11 is at most 0.00011891366282746947. 10 tries

  0.224706 seconds (930.90 k allocations: 427.651 MiB, 18.88% gc time)
distance squared from orbit of 4 to 1 is at most 0.5000000000000192. 10 tries
  0.299541 seconds (1.27 M allocations: 583.184 MiB, 18.73% gc time)
distance squared from orbit of 4 to 2 is at most 0.33333333333333626. 10 tries
  0.327249 seconds (1.00 M allocations: 460.204 MiB, 20.40% gc time)
distance squared from orbit of 4 to 3 is at most 0.5669872981078216. 10 tries
  2.404235 seconds (10.06 M allocations: 4.510 GiB, 19.40% gc time)
distance squared from orbit of 4 to 4 is at most 1.702678004337255e-14. 6 tries
  2.622727 seconds (10.30 M allocations: 4.622 GiB, 19.51% gc time)
distance squared from orbit of 4 to 5 is at most 0.3333333333370872. 10 tries
  2.312682 seconds (9.18 M allocations: 4.119 GiB, 19.10% gc time)
distance squared from orbit of 4 to 6 is at most 0.25000000000048894. 10 tries
  5.082289 seconds (20.10 M allocations: 9.016 GiB, 19.48% gc time)
distance squared from orbit of 4 to 7 is at most 2.4095123399458697e-5. 10 tries
  2.000909 seconds (7.69 M allocations: 3.451 GiB, 19.15% gc time)
distance squared from orbit of 4 to 8 is at most 0.7777777777778262. 10 tries
  5.219601 seconds (21.10 M allocations: 9.464 GiB, 19.52% gc time)
distance squared from orbit of 4 to 9 is at most 9.641267022538768e-5. 10 tries
  3.907289 seconds (16.49 M allocations: 7.397 GiB, 19.96% gc time)
distance squared from orbit of 4 to 10 is at most 7.652604498953605e-7. 8 tries
  5.066107 seconds (20.15 M allocations: 9.040 GiB, 19.41% gc time)
distance squared from orbit of 4 to 11 is at most 1.5747476736317377e-6. 10 tries

  0.281376 seconds (1.16 M allocations: 531.553 MiB, 20.44% gc time)
distance squared from orbit of 5 to 1 is at most 0.8333333333339403. 10 tries
  0.298337 seconds (1.11 M allocations: 510.185 MiB, 20.54% gc time)
distance squared from orbit of 5 to 2 is at most 0.5000000000000037. 10 tries
  0.557717 seconds (2.27 M allocations: 1.019 GiB, 18.84% gc time)
distance squared from orbit of 5 to 3 is at most 0.8672522771155353. 10 tries
  0.832687 seconds (3.25 M allocations: 1.459 GiB, 20.05% gc time)
distance squared from orbit of 5 to 4 is at most 0.33333333333335535. 10 tries
  0.161827 seconds (622.16 k allocations: 285.803 MiB, 18.57% gc time)
distance squared from orbit of 5 to 5 is at most 1.0100014347826951e-13. 3 tries
  0.452733 seconds (1.86 M allocations: 853.122 MiB, 19.12% gc time)
distance squared from orbit of 5 to 6 is at most 0.5000000000008868. 10 tries
  4.775189 seconds (18.81 M allocations: 8.436 GiB, 19.57% gc time)
distance squared from orbit of 5 to 7 is at most 0.3333503506511936. 10 tries
  0.364132 seconds (1.36 M allocations: 624.605 MiB, 18.08% gc time)
distance squared from orbit of 5 to 8 is at most 0.8750000000000127. 10 tries
  5.006825 seconds (20.55 M allocations: 9.217 GiB, 19.69% gc time)
distance squared from orbit of 5 to 9 is at most 4.5822572180310364e-5. 10 tries
  2.497608 seconds (9.68 M allocations: 4.341 GiB, 19.56% gc time)
distance squared from orbit of 5 to 10 is at most 0.500000327538253. 10 tries
  0.548317 seconds (2.03 M allocations: 930.917 MiB, 19.66% gc time)
distance squared from orbit of 5 to 11 is at most 2.570230864539608e-7. 1 tries

  0.481973 seconds (1.88 M allocations: 865.948 MiB, 18.93% gc time)
distance squared from orbit of 6 to 1 is at most 0.5000000000000079. 10 tries
  0.208379 seconds (863.72 k allocations: 396.750 MiB, 20.21% gc time)
distance squared from orbit of 6 to 2 is at most 0.3333333333333597. 10 tries
  0.688932 seconds (2.70 M allocations: 1.212 GiB, 19.94% gc time)
distance squared from orbit of 6 to 3 is at most 0.5000000000001265. 10 tries
  2.189474 seconds (8.58 M allocations: 3.850 GiB, 19.16% gc time)
distance squared from orbit of 6 to 4 is at most 0.3333333344513619. 10 tries
  2.773182 seconds (11.04 M allocations: 4.955 GiB, 19.55% gc time)
distance squared from orbit of 6 to 5 is at most 0.33333333337064724. 10 tries
  2.013753 seconds (8.24 M allocations: 3.697 GiB, 19.48% gc time)
distance squared from orbit of 6 to 6 is at most 2.792588878885411e-15. 5 tries
  4.724014 seconds (18.30 M allocations: 8.208 GiB, 19.26% gc time)
distance squared from orbit of 6 to 7 is at most 0.3333390903421969. 10 tries
  3.362916 seconds (13.08 M allocations: 5.868 GiB, 19.05% gc time)
distance squared from orbit of 6 to 8 is at most 0.8752009857060338. 10 tries
  5.421709 seconds (20.96 M allocations: 9.405 GiB, 19.23% gc time)
distance squared from orbit of 6 to 9 is at most 1.3027125674251527e-5. 10 tries
  0.558839 seconds (2.06 M allocations: 944.708 MiB, 19.73% gc time)
distance squared from orbit of 6 to 10 is at most 3.631249009793452e-7. 1 tries
  5.099234 seconds (20.48 M allocations: 9.186 GiB, 19.51% gc time)
distance squared from orbit of 6 to 11 is at most 0.00012746838214399073. 10 tries

  1.221829 seconds (4.89 M allocations: 2.194 GiB, 19.32% gc time)
distance squared from orbit of 7 to 1 is at most 0.8964466874169591. 10 tries
  3.317469 seconds (13.40 M allocations: 6.026 GiB, 19.34% gc time)
distance squared from orbit of 7 to 2 is at most 0.6666668815427842. 10 tries
  1.476962 seconds (5.99 M allocations: 2.688 GiB, 19.66% gc time)
distance squared from orbit of 7 to 3 is at most 0.7889293512350632. 10 tries
  1.812994 seconds (7.05 M allocations: 3.162 GiB, 19.25% gc time)
distance squared from orbit of 7 to 4 is at most 0.5000001916638503. 10 tries
  3.507760 seconds (14.62 M allocations: 6.559 GiB, 19.78% gc time)
distance squared from orbit of 7 to 5 is at most 0.333495757441839. 10 tries
  4.148793 seconds (17.86 M allocations: 8.023 GiB, 19.95% gc time)
distance squared from orbit of 7 to 6 is at most 0.25000003809337423. 10 tries
  0.014238 seconds (70.91 k allocations: 32.572 MiB)
distance squared from orbit of 7 to 7 is at most 4.3190657976189256e-13. 1 tries
  4.251932 seconds (18.19 M allocations: 8.158 GiB, 19.60% gc time)
distance squared from orbit of 7 to 8 is at most 0.8319778230124717. 10 tries
  0.509994 seconds (2.08 M allocations: 955.209 MiB, 19.70% gc time)
distance squared from orbit of 7 to 9 is at most 2.89027354185097e-7. 1 tries
  0.539036 seconds (2.09 M allocations: 958.486 MiB, 19.74% gc time)
distance squared from orbit of 7 to 10 is at most 5.620791853011329e-7. 1 tries
  4.948851 seconds (20.08 M allocations: 9.005 GiB, 19.64% gc time)
distance squared from orbit of 7 to 11 is at most 4.755275717905964e-6. 10 tries

  0.298151 seconds (1.29 M allocations: 592.731 MiB, 18.85% gc time)
distance squared from orbit of 8 to 1 is at most 0.9935842973790704. 10 tries
  0.322980 seconds (1.37 M allocations: 631.187 MiB, 17.92% gc time)
distance squared from orbit of 8 to 2 is at most 0.8888888888888983. 10 tries
  0.316612 seconds (1.30 M allocations: 596.341 MiB, 22.37% gc time)
distance squared from orbit of 8 to 3 is at most 0.5000000000000393. 10 tries
  1.105227 seconds (4.30 M allocations: 1.928 GiB, 19.20% gc time)
distance squared from orbit of 8 to 4 is at most 0.7014540782032942. 10 tries
  1.185560 seconds (4.83 M allocations: 2.166 GiB, 18.59% gc time)
distance squared from orbit of 8 to 5 is at most 0.6089433620541201. 10 tries
  2.639462 seconds (10.88 M allocations: 4.879 GiB, 19.67% gc time)
distance squared from orbit of 8 to 6 is at most 0.5000000000006347. 10 tries
  0.339805 seconds (1.31 M allocations: 603.892 MiB, 18.15% gc time)
distance squared from orbit of 8 to 7 is at most 0.3875379840019742. 10 tries
  0.013511 seconds (63.03 k allocations: 28.955 MiB)
distance squared from orbit of 8 to 8 is at most 8.031148551875082e-14. 1 tries
  5.256141 seconds (20.47 M allocations: 9.182 GiB, 19.41% gc time)
distance squared from orbit of 8 to 9 is at most 0.2000000135513438. 10 tries
  1.627432 seconds (6.83 M allocations: 3.062 GiB, 20.07% gc time)
distance squared from orbit of 8 to 10 is at most 0.5000007266959782. 10 tries
  0.908993 seconds (3.94 M allocations: 1.768 GiB, 18.35% gc time)
distance squared from orbit of 8 to 11 is at most 4.005553923073165e-7. 2 tries

  1.049467 seconds (4.56 M allocations: 2.046 GiB, 19.69% gc time)
distance squared from orbit of 9 to 1 is at most 1.0000000000001692. 10 tries
  1.739838 seconds (7.58 M allocations: 3.401 GiB, 19.92% gc time)
distance squared from orbit of 9 to 2 is at most 0.8333333362480848. 10 tries
  0.666879 seconds (2.92 M allocations: 1.311 GiB, 20.53% gc time)
distance squared from orbit of 9 to 3 is at most 0.8799159906589646. 10 tries
  1.672628 seconds (7.37 M allocations: 3.306 GiB, 19.71% gc time)
distance squared from orbit of 9 to 4 is at most 0.825130064593366. 10 tries
  3.825823 seconds (16.26 M allocations: 7.295 GiB, 19.76% gc time)
distance squared from orbit of 9 to 5 is at most 0.33333333337770016. 10 tries
  2.546018 seconds (9.41 M allocations: 4.220 GiB, 18.70% gc time)
distance squared from orbit of 9 to 6 is at most 0.5000000000046471. 10 tries
  0.609397 seconds (2.11 M allocations: 969.884 MiB, 18.93% gc time)
distance squared from orbit of 9 to 7 is at most 0.3333333333333497. 10 tries
  2.296296 seconds (7.80 M allocations: 3.501 GiB, 19.16% gc time)
distance squared from orbit of 9 to 8 is at most 0.875000745525294. 10 tries
  0.016858 seconds (74.50 k allocations: 34.217 MiB)
distance squared from orbit of 9 to 9 is at most 4.2202680682661284e-13. 1 tries
  4.456101 seconds (19.61 M allocations: 8.795 GiB, 19.72% gc time)
distance squared from orbit of 9 to 10 is at most 0.5000001893238624. 10 tries
  0.439228 seconds (2.03 M allocations: 932.882 MiB, 18.22% gc time)
distance squared from orbit of 9 to 11 is at most 6.865803410869115e-7. 1 tries

  0.760712 seconds (3.41 M allocations: 1.531 GiB, 19.43% gc time)
distance squared from orbit of 10 to 1 is at most 0.8964466094067562. 10 tries
  0.808399 seconds (3.26 M allocations: 1.465 GiB, 19.86% gc time)
distance squared from orbit of 10 to 2 is at most 0.666666666666702. 10 tries
  0.144397 seconds (639.84 k allocations: 293.841 MiB, 18.69% gc time)
distance squared from orbit of 10 to 3 is at most 0.6473671297239766. 10 tries
  0.699641 seconds (2.73 M allocations: 1.225 GiB, 19.35% gc time)
distance squared from orbit of 10 to 4 is at most 0.5000000000000162. 10 tries
  1.747779 seconds (6.63 M allocations: 2.972 GiB, 19.58% gc time)
distance squared from orbit of 10 to 5 is at most 0.6666666666677824. 10 tries
  0.752221 seconds (2.68 M allocations: 1.200 GiB, 17.48% gc time)
distance squared from orbit of 10 to 6 is at most 0.2500000000000271. 10 tries
  1.360980 seconds (5.80 M allocations: 2.604 GiB, 19.86% gc time)
distance squared from orbit of 10 to 7 is at most 0.4367604773630556. 10 tries
  2.084670 seconds (9.18 M allocations: 4.120 GiB, 19.49% gc time)
distance squared from orbit of 10 to 8 is at most 0.9791673488386999. 10 tries
  5.357789 seconds (21.03 M allocations: 9.434 GiB, 19.27% gc time)
distance squared from orbit of 10 to 9 is at most 0.20000002413886797. 10 tries
  0.025935 seconds (46.61 k allocations: 21.395 MiB, 61.77% gc time)
distance squared from orbit of 10 to 10 is at most 7.877950448745817e-15. 1 tries
  0.520511 seconds (2.13 M allocations: 977.231 MiB, 17.17% gc time)
distance squared from orbit of 10 to 11 is at most 8.99917236240661e-7. 1 tries

  0.377995 seconds (1.49 M allocations: 685.112 MiB, 20.02% gc time)
distance squared from orbit of 11 to 1 is at most 1.0000000000042575. 10 tries
  0.940877 seconds (3.53 M allocations: 1.585 GiB, 20.28% gc time)
distance squared from orbit of 11 to 2 is at most 0.9166666666982033. 10 tries
  0.232620 seconds (913.13 k allocations: 419.440 MiB, 19.54% gc time)
distance squared from orbit of 11 to 3 is at most 0.9405818748261785. 10 tries
  0.344892 seconds (1.27 M allocations: 583.180 MiB, 19.68% gc time)
distance squared from orbit of 11 to 4 is at most 0.7777777777777866. 10 tries
  1.952498 seconds (8.41 M allocations: 3.773 GiB, 19.34% gc time)
distance squared from orbit of 11 to 5 is at most 0.6666666666679468. 10 tries
  0.181377 seconds (761.42 k allocations: 349.733 MiB, 23.25% gc time)
distance squared from orbit of 11 to 6 is at most 0.5000000000001739. 10 tries
  0.162861 seconds (703.42 k allocations: 323.097 MiB, 18.15% gc time)
distance squared from orbit of 11 to 7 is at most 0.4373410500935862. 10 tries
  0.794621 seconds (3.08 M allocations: 1.381 GiB, 19.60% gc time)
distance squared from orbit of 11 to 8 is at most 0.9791666666773512. 10 tries
  0.289743 seconds (1.15 M allocations: 528.597 MiB, 20.47% gc time)
distance squared from orbit of 11 to 9 is at most 0.20000000000001136. 10 tries
  0.156890 seconds (621.98 k allocations: 285.623 MiB, 19.48% gc time)
distance squared from orbit of 11 to 10 is at most 0.5000000000000229. 10 tries
  0.013455 seconds (59.47 k allocations: 27.312 MiB)
distance squared from orbit of 11 to 11 is at most 4.7060766609356734e-14. 1 tries

first run done

second run
distance squared from orbit of 1 to 6 will be revised since for 1 3 6: 2.8719773209312435e-11+3.965736705924748e-10<5.290054047361649e-7
revised distance squared from orbit of 1 to 6 is at most 5.364860665119743e-10.
distance squared from orbit of 1 to 9 will be revised since for 1 3 9: 2.8719773209312435e-11+3.211161120384851e-5<0.0003622893701626504
revised distance squared from orbit of 1 to 9 is at most 2.276488618841403e-5.
distance squared from orbit of 1 to 9 will be revised since for 1 6 9: 5.364860665119743e-10+1.3027125674251527e-5<2.276488618841403e-5
revised distance squared from orbit of 1 to 9 is at most 1.2996076215055441e-5.
distance squared from orbit of 1 to 9 will be revised since for 1 7 9: 3.1929498488144175e-6+2.89027354185097e-7<1.2996076215055441e-5
revised distance squared from orbit of 1 to 9 is at most 1.2996076215055441e-5.
distance squared from orbit of 1 to 10 will be revised since for 1 6 10: 5.364860665119743e-10+3.631249009793452e-7<7.403587347973133e-7
revised distance squared from orbit of 1 to 10 is at most 4.811607868734882e-7.
distance squared from orbit of 1 to 11 will be revised since for 1 3 11: 2.8719773209312435e-11+0.00011891366282746947<0.0005175801114635845
revised distance squared from orbit of 1 to 11 is at most 0.00010243470058049158.
distance squared from orbit of 1 to 11 will be revised since for 1 4 11: 1.7338312218616424e-7+1.5747476736317377e-6<0.00010243470058049158
revised distance squared from orbit of 1 to 11 is at most 0.00010243470058049158.
distance squared from orbit of 1 to 11 will be revised since for 1 7 11: 3.1929498488144175e-6+4.755275717905964e-6<0.00010243470058049158
revised distance squared from orbit of 1 to 11 is at most 7.932464024216698e-6.
distance squared from orbit of 1 to 11 will be revised since for 1 10 11: 4.811607868734882e-7+8.99917236240661e-7<7.932464024216698e-6
revised distance squared from orbit of 1 to 11 is at most 7.932464024216698e-6.

distance squared from orbit of 2 to 3 will be revised since for 2 1 3: 0.5000000000000274+2.8719773209312435e-11<0.5000000004547162
revised distance squared from orbit of 2 to 3 is at most 0.5000000002229829.
distance squared from orbit of 2 to 4 will be revised since for 2 5 4: 2.1661051355535755e-11+0.33333333333335535<0.33333333394375064
revised distance squared from orbit of 2 to 4 is at most 0.33333333333494924.
distance squared from orbit of 2 to 7 will be revised since for 2 6 7: 4.6434141768397423e-7+0.3333390903421969<0.3333438157950055
revised distance squared from orbit of 2 to 7 is at most 0.33333692804013054.
distance squared from orbit of 2 to 7 will be revised since for 2 9 7: 1.5112691966637571e-6+0.3333333333333497<0.33333692804013054
revised distance squared from orbit of 2 to 7 is at most 0.33333343624544604.
distance squared from orbit of 2 to 8 will be revised since for 2 5 8: 2.1661051355535755e-11+0.8750000000000127<0.8750000000336399
revised distance squared from orbit of 2 to 8 is at most 0.875000000003769.
distance squared from orbit of 2 to 11 will be revised since for 2 5 11: 2.1661051355535755e-11+2.570230864539608e-7<2.178753441862943e-5
revised distance squared from orbit of 2 to 11 is at most 2.569625404143537e-7.

distance squared from orbit of 3 to 4 will be revised since for 3 6 4: 3.965736705924748e-10+0.3333333344513619<0.5000000005631954
revised distance squared from orbit of 3 to 4 is at most 0.33333333620401134.
distance squared from orbit of 3 to 5 will be revised since for 3 2 5: 0.33333333345150873+2.1661051355535755e-11<0.3333336980040679
revised distance squared from orbit of 3 to 5 is at most 0.33333333381565466.
distance squared from orbit of 3 to 5 will be revised since for 3 6 5: 3.965736705924748e-10+0.33333333337064724<0.33333333381565466
revised distance squared from orbit of 3 to 5 is at most 0.33333333381565466.
distance squared from orbit of 3 to 9 will be revised since for 3 6 9: 3.965736705924748e-10+1.3027125674251527e-5<3.211161120384851e-5
revised distance squared from orbit of 3 to 9 is at most 7.691011959266408e-6.
distance squared from orbit of 3 to 10 will be revised since for 3 6 10: 3.965736705924748e-10+3.631249009793452e-7<1.835310719267838e-6
revised distance squared from orbit of 3 to 10 is at most 3.37773207979769e-7.
distance squared from orbit of 3 to 11 will be revised since for 3 9 11: 7.691011959266408e-6+6.865803410869115e-7<0.00011891366282746947
revised distance squared from orbit of 3 to 11 is at most 6.285146133894997e-6.
distance squared from orbit of 3 to 11 will be revised since for 3 10 11: 3.37773207979769e-7+8.99917236240661e-7<6.285146133894997e-6
revised distance squared from orbit of 3 to 11 is at most 6.285146133894997e-6.

distance squared from orbit of 4 to 3 will be revised since for 4 1 3: 0.5000000000000192+2.8719773209312435e-11<0.5669872981078216
revised distance squared from orbit of 4 to 3 is at most 0.5669872981078216.
distance squared from orbit of 4 to 9 will be revised since for 4 7 9: 2.4095123399458697e-5+2.89027354185097e-7<9.641267022538768e-5
revised distance squared from orbit of 4 to 9 is at most 4.8290450603302264e-5.

distance squared from orbit of 5 to 1 will be revised since for 5 4 1: 0.33333333333335535+0.5000000000000192<0.8333333333339403
revised distance squared from orbit of 5 to 1 is at most 0.8333333333339403.
distance squared from orbit of 5 to 3 will be revised since for 5 1 3: 0.8333333333339403+2.8719773209312435e-11<0.8672522771155353
revised distance squared from orbit of 5 to 3 is at most 0.8672522771155353.
distance squared from orbit of 5 to 10 will be revised since for 5 2 10: 0.5000000000000037+2.2611977870280037e-7<0.500000327538253
revised distance squared from orbit of 5 to 10 is at most 0.5000001965355123.
distance squared from orbit of 5 to 10 will be revised since for 5 4 10: 0.33333333333335535+7.652604498953605e-7<0.5000001965355123
revised distance squared from orbit of 5 to 10 is at most 0.5000001965355123.
distance squared from orbit of 5 to 10 will be revised since for 5 7 10: 0.3333503506511936+5.620791853011329e-7<0.5000001965355123
revised distance squared from orbit of 5 to 10 is at most 0.5000001965355123.

distance squared from orbit of 6 to 5 will be revised since for 6 2 5: 0.3333333333333597+2.1661051355535755e-11<0.33333333337064724
revised distance squared from orbit of 6 to 5 is at most 0.3333333333620552.
distance squared from orbit of 6 to 8 will be revised since for 6 9 8: 1.3027125674251527e-5+0.875000745525294<0.8752009857060338
revised distance squared from orbit of 6 to 8 is at most 0.8750172639922404.
distance squared from orbit of 6 to 11 will be revised since for 6 9 11: 1.3027125674251527e-5+6.865803410869115e-7<0.00012746838214399073
revised distance squared from orbit of 6 to 11 is at most 6.398224321931253e-5.
distance squared from orbit of 6 to 11 will be revised since for 6 10 11: 3.631249009793452e-7+8.99917236240661e-7<6.398224321931253e-5
revised distance squared from orbit of 6 to 11 is at most 1.883535898820926e-5.

distance squared from orbit of 7 to 1 will be revised since for 7 6 1: 0.25000003809337423+0.5000000000000079<0.8964466874169591
revised distance squared from orbit of 7 to 1 is at most 0.8964466874169591.
distance squared from orbit of 7 to 2 will be revised since for 7 6 2: 0.25000003809337423+0.3333333333333597<0.6666668815427842
revised distance squared from orbit of 7 to 2 is at most 0.6666668815427842.
distance squared from orbit of 7 to 3 will be revised since for 7 6 3: 0.25000003809337423+0.5000000000001265<0.7889293512350632
revised distance squared from orbit of 7 to 3 is at most 0.647367221920634.
distance squared from orbit of 7 to 5 will be revised since for 7 9 5: 2.89027354185097e-7+0.33333333337770016<0.333495757441839
revised distance squared from orbit of 7 to 5 is at most 0.3333346726944179.
distance squared from orbit of 7 to 11 will be revised since for 7 9 11: 2.89027354185097e-7+6.865803410869115e-7<4.755275717905964e-6
revised distance squared from orbit of 7 to 11 is at most 7.051125969115999e-7.

distance squared from orbit of 8 to 2 will be revised since for 8 3 2: 0.5000000000000393+0.33333333345150873<0.8888888888888983
revised distance squared from orbit of 8 to 2 is at most 0.8888888888888983.
distance squared from orbit of 8 to 2 will be revised since for 8 6 2: 0.5000000000006347+0.3333333333333597<0.8888888888888983
revised distance squared from orbit of 8 to 2 is at most 0.8888888888888983.
distance squared from orbit of 8 to 5 will be revised since for 8 9 5: 0.2000000135513438+0.33333333337770016<0.6089433620541201
revised distance squared from orbit of 8 to 5 is at most 0.6089433620541201.
distance squared from orbit of 8 to 10 will be revised since for 8 3 10: 0.5000000000000393+3.37773207979769e-7<0.5000007266959782
revised distance squared from orbit of 8 to 10 is at most 0.5000007266959782.
distance squared from orbit of 8 to 10 will be revised since for 8 6 10: 0.5000000000006347+3.631249009793452e-7<0.5000007266959782
revised distance squared from orbit of 8 to 10 is at most 0.5000007266959782.
distance squared from orbit of 8 to 10 will be revised since for 8 7 10: 0.3875379840019742+5.620791853011329e-7<0.5000007266959782
revised distance squared from orbit of 8 to 10 is at most 0.5000007266959782.
distance squared from orbit of 8 to 10 will be revised since for 8 11 10: 4.005553923073165e-7+0.5000000000000229<0.5000007266959782
revised distance squared from orbit of 8 to 10 is at most 0.500000161016842.

distance squared from orbit of 9 to 2 will be revised since for 9 5 2: 0.33333333337770016+0.5000000000000037<0.8333333362480848
revised distance squared from orbit of 9 to 2 is at most 0.8333333338166453.
distance squared from orbit of 9 to 2 will be revised since for 9 6 2: 0.5000000000046471+0.3333333333333597<0.8333333338166453
revised distance squared from orbit of 9 to 2 is at most 0.8333333338166453.
distance squared from orbit of 9 to 4 will be revised since for 9 5 4: 0.33333333337770016+0.33333333333335535<0.825130064593366
revised distance squared from orbit of 9 to 4 is at most 0.3333333334291016.
distance squared from orbit of 9 to 10 will be revised since for 9 4 10: 0.3333333334291016+7.652604498953605e-7<0.5000001893238624
revised distance squared from orbit of 9 to 10 is at most 0.5000001893238624.
distance squared from orbit of 9 to 10 will be revised since for 9 7 10: 0.3333333333333497+5.620791853011329e-7<0.5000001893238624
revised distance squared from orbit of 9 to 10 is at most 0.5000001893238624.

distance squared from orbit of 10 to 1 will be revised since for 10 6 1: 0.2500000000000271+0.5000000000000079<0.8964466094067562
revised distance squared from orbit of 10 to 1 is at most 0.8964466094067562.
distance squared from orbit of 10 to 2 will be revised since for 10 6 2: 0.2500000000000271+0.3333333333333597<0.666666666666702
revised distance squared from orbit of 10 to 2 is at most 0.666666666666702.
distance squared from orbit of 10 to 5 will be revised since for 10 6 5: 0.2500000000000271+0.3333333333620552<0.6666666666677824
revised distance squared from orbit of 10 to 5 is at most 0.6666666666677824.
distance squared from orbit of 10 to 5 will be revised since for 10 9 5: 0.20000002413886797+0.33333333337770016<0.6666666666677824
revised distance squared from orbit of 10 to 5 is at most 0.6666666666677824.

distance squared from orbit of 11 to 1 will be revised since for 11 6 1: 0.5000000000001739+0.5000000000000079<1.0000000000042575
revised distance squared from orbit of 11 to 1 is at most 1.0000000000042575.
distance squared from orbit of 11 to 2 will be revised since for 11 6 2: 0.5000000000001739+0.3333333333333597<0.9166666666982033
revised distance squared from orbit of 11 to 2 is at most 0.9166666666982033.
distance squared from orbit of 11 to 4 will be revised since for 11 9 4: 0.20000000000001136+0.3333333334291016<0.7777777777777866
revised distance squared from orbit of 11 to 4 is at most 0.7777777777777866.
distance squared from orbit of 11 to 5 will be revised since for 11 9 5: 0.20000000000001136+0.33333333337770016<0.6666666666679468
revised distance squared from orbit of 11 to 5 is at most 0.6666666666679468.
distance squared from orbit of 11 to 10 will be revised since for 11 7 10: 0.4373410500935862+5.620791853011329e-7<0.5000000000000229
revised distance squared from orbit of 11 to 10 is at most 0.5000000000000229.

rechecked new distance squared from orbit of 1 to 4 is at most 1.392732314064337e-7 old is 1.7338312218616424e-7.
rechecked better distance squared from orbit of 1 to 4 is at most 9.948395394721227e-8 old is 1.392732314064337e-7.
rechecked better distance squared from orbit of 1 to 6 is at most 5.364860056206552e-10 old is 5.364860665119743e-10.
rechecked better distance squared from orbit of 1 to 7 is at most 1.6763152075775839e-6 old is 3.1929498488144175e-6.
rechecked better distance squared from orbit of 1 to 9 is at most 1.2984064146840552e-5 old is 1.2996076215055441e-5.
rechecked better distance squared from orbit of 1 to 11 is at most 7.825784972808555e-6 old is 7.932464024216698e-6.
rechecked better distance squared from orbit of 2 to 3 is at most 0.5000000002226079 old is 0.5000000002229829.
rechecked better distance squared from orbit of 2 to 5 is at most 2.1654204916247057e-11 old is 2.1661051355535755e-11.
rechecked new distance squared from orbit of 2 to 6 is at most 3.777487081775247e-7 old is 4.6434141768397423e-7.
rechecked better distance squared from orbit of 2 to 6 is at most 8.459996509833062e-8 old is 3.777487081775247e-7.
rechecked better distance squared from orbit of 2 to 7 is at most 0.3333334360126901 old is 0.33333343624544604.
rechecked better distance squared from orbit of 2 to 9 is at most 3.9380499925690834e-7 old is 1.5112691966637571e-6.
rechecked better distance squared from orbit of 2 to 10 is at most 7.696410382162563e-8 old is 2.2611977870280037e-7.
rechecked better distance squared from orbit of 2 to 11 is at most 2.5694653495629814e-7 old is 2.569625404143537e-7.
rechecked new distance squared from orbit of 3 to 1 is at most 0.5000000000000112 old is 0.5000000000000124.
rechecked better distance squared from orbit of 3 to 4 is at most 0.3333333346393287 old is 0.33333333620401134.
rechecked better distance squared from orbit of 3 to 5 is at most 0.3333333338156545 old is 0.33333333381565466.
rechecked better distance squared from orbit of 3 to 6 is at most 3.958881603508659e-10 old is 3.965736705924748e-10.
rechecked better distance squared from orbit of 3 to 7 is at most 0.00011729825593465785 old is 0.00015971242055866778.
rechecked better distance squared from orbit of 3 to 9 is at most 5.888352954675927e-6 old is 7.691011959266408e-6.
rechecked better distance squared from orbit of 4 to 7 is at most 1.264426807109839e-5 old is 2.4095123399458697e-5.
rechecked better distance squared from orbit of 4 to 9 is at most 2.0518654508177737e-5 old is 4.8290450603302264e-5.
rechecked better distance squared from orbit of 4 to 10 is at most 3.3071400856360954e-7 old is 7.652604498953605e-7.
rechecked better distance squared from orbit of 4 to 11 is at most 1.356177884516216e-7 old is 1.5747476736317377e-6.
rechecked new distance squared from orbit of 5 to 1 is at most 0.8333333333337548 old is 0.8333333333339403.
rechecked new distance squared from orbit of 5 to 5 is at most 7.093808094289403e-14 old is 1.0100014347826951e-13.
rechecked better distance squared from orbit of 5 to 7 is at most 0.3333442723045014 old is 0.3333503506511936.
rechecked better distance squared from orbit of 5 to 9 is at most 1.1184020005785028e-5 old is 4.5822572180310364e-5.
rechecked better distance squared from orbit of 5 to 10 is at most 0.5000001036999986 old is 0.5000001965355123.
rechecked better distance squared from orbit of 5 to 11 is at most 1.846254762822496e-7 old is 2.570230864539608e-7.
rechecked new distance squared from orbit of 6 to 3 is at most 0.5000000000000582 old is 0.5000000000001265.
rechecked better distance squared from orbit of 6 to 4 is at most 0.333333334430444 old is 0.3333333344513619.
rechecked better distance squared from orbit of 6 to 7 is at most 0.33333628924072756 old is 0.3333390903421969.
rechecked better distance squared from orbit of 6 to 9 is at most 8.180125902026558e-6 old is 1.3027125674251527e-5.
rechecked better distance squared from orbit of 6 to 10 is at most 1.328700142739051e-7 old is 3.631249009793452e-7.
rechecked better distance squared from orbit of 6 to 11 is at most 1.3585086883000604e-5 old is 1.883535898820926e-5.
rechecked better distance squared from orbit of 7 to 1 is at most 0.8964466210091395 old is 0.8964466874169591.
rechecked better distance squared from orbit of 7 to 2 is at most 0.6666667425947133 old is 0.6666668815427842.
rechecked better distance squared from orbit of 7 to 4 is at most 0.5000000452217022 old is 0.5000001916638503.
rechecked better distance squared from orbit of 7 to 5 is at most 0.3333340234946935 old is 0.3333346726944179.
rechecked better distance squared from orbit of 7 to 6 is at most 0.2500000380933741 old is 0.25000003809337423.
rechecked better distance squared from orbit of 7 to 8 is at most 0.8319778208770411 old is 0.8319778230124717.
rechecked new distance squared from orbit of 7 to 9 is at most 1.013763692541381e-7 old is 2.89027354185097e-7.
rechecked better distance squared from orbit of 7 to 9 is at most 4.995526700699464e-8 old is 1.013763692541381e-7.
rechecked better distance squared from orbit of 7 to 10 is at most 2.916035351556646e-7 old is 5.620791853011329e-7.
rechecked better distance squared from orbit of 7 to 11 is at most 7.051119720484468e-7 old is 7.051125969115999e-7.
rechecked better distance squared from orbit of 8 to 9 is at most 0.2000000049057094 old is 0.2000000135513438.
rechecked better distance squared from orbit of 8 to 10 is at most 0.5000000584023153 old is 0.500000161016842.
rechecked better distance squared from orbit of 8 to 11 is at most 2.2473785976358236e-7 old is 4.005553923073165e-7.
rechecked new distance squared from orbit of 9 to 2 is at most 0.8333333333357232 old is 0.8333333338166453.
rechecked better distance squared from orbit of 9 to 2 is at most 0.8333333333356332 old is 0.8333333333357232.
rechecked new distance squared from orbit of 9 to 4 is at most 0.3333333333474971 old is 0.3333333334291016.
rechecked better distance squared from orbit of 9 to 8 is at most 0.8750003055260722 old is 0.875000745525294.
rechecked new distance squared from orbit of 9 to 9 is at most 1.339868617259279e-13 old is 4.2202680682661284e-13.
rechecked better distance squared from orbit of 9 to 10 is at most 0.500000146152982 old is 0.5000001893238624.
rechecked better distance squared from orbit of 9 to 11 is at most 4.3050770723585733e-7 old is 6.865803410869115e-7.
rechecked better distance squared from orbit of 10 to 8 is at most 0.9791670939917476 old is 0.9791673488386999.
rechecked better distance squared from orbit of 10 to 9 is at most 0.20000001392714403 old is 0.20000002413886797.
rechecked new distance squared from orbit of 10 to 11 is at most 5.039792301275508e-8 old is 8.99917236240661e-7.
rechecked better distance squared from orbit of 10 to 11 is at most 3.16341872401139e-8 old is 5.039792301275508e-8.
rechecked new distance squared from orbit of 11 to 8 is at most 0.8750000000000566 old is 0.9791666666773512.
rechecked new distance squared from orbit of 11 to 11 is at most 1.5523557500398138e-14 old is 4.7060766609356734e-14.
third run
distance squared from orbit of 1 to 6 will be revised since for 1 3 6: 2.8719773209312435e-11+3.958881603508659e-10<5.364860056206552e-10
revised distance squared from orbit of 1 to 6 is at most 5.364220550917977e-10.
distance squared from orbit of 1 to 9 will be revised since for 1 3 9: 2.8719773209312435e-11+5.888352954675927e-6<1.2984064146840552e-5
revised distance squared from orbit of 1 to 9 is at most 8.593271855948679e-6.
distance squared from orbit of 1 to 9 will be revised since for 1 6 9: 5.364220550917977e-10+8.180125902026558e-6<8.593271855948679e-6
revised distance squared from orbit of 1 to 9 is at most 8.593271855948679e-6.
distance squared from orbit of 1 to 9 will be revised since for 1 7 9: 1.6763152075775839e-6+4.995526700699464e-8<8.593271855948679e-6
revised distance squared from orbit of 1 to 9 is at most 8.593271855948679e-6.
distance squared from orbit of 1 to 10 will be revised since for 1 3 10: 2.8719773209312435e-11+3.37773207979769e-7<4.811607868734882e-7
revised distance squared from orbit of 1 to 10 is at most 4.3560361572036054e-7.
distance squared from orbit of 1 to 10 will be revised since for 1 4 10: 9.948395394721227e-8+3.3071400856360954e-7<4.3560361572036054e-7
revised distance squared from orbit of 1 to 10 is at most 3.6583374899577366e-7.
distance squared from orbit of 1 to 10 will be revised since for 1 6 10: 5.364220550917977e-10+1.328700142739051e-7<3.6583374899577366e-7
revised distance squared from orbit of 1 to 10 is at most 3.6583374899577366e-7.
distance squared from orbit of 1 to 11 will be revised since for 1 3 11: 2.8719773209312435e-11+6.285146133894997e-6<7.825784972808555e-6
revised distance squared from orbit of 1 to 11 is at most 7.825784972808555e-6.
distance squared from orbit of 1 to 11 will be revised since for 1 4 11: 9.948395394721227e-8+1.356177884516216e-7<7.825784972808555e-6
revised distance squared from orbit of 1 to 11 is at most 7.825784972808555e-6.
distance squared from orbit of 1 to 11 will be revised since for 1 7 11: 1.6763152075775839e-6+7.051119720484468e-7<7.825784972808555e-6
revised distance squared from orbit of 1 to 11 is at most 7.825784972808555e-6.
distance squared from orbit of 1 to 11 will be revised since for 1 10 11: 3.6583374899577366e-7+3.16341872401139e-8<7.825784972808555e-6
revised distance squared from orbit of 1 to 11 is at most 7.825784972808555e-6.

distance squared from orbit of 2 to 3 will be revised since for 2 1 3: 0.5000000000000274+2.8719773209312435e-11<0.5000000002226079
revised distance squared from orbit of 2 to 3 is at most 0.5000000002226079.
distance squared from orbit of 2 to 11 will be revised since for 2 5 11: 2.1654204916247057e-11+1.846254762822496e-7<2.5694653495629814e-7
revised distance squared from orbit of 2 to 11 is at most 1.846424944428262e-7.
distance squared from orbit of 2 to 11 will be revised since for 2 10 11: 7.696410382162563e-8+3.16341872401139e-8<1.846424944428262e-7
revised distance squared from orbit of 2 to 11 is at most 1.846424944428262e-7.

distance squared from orbit of 3 to 5 will be revised since for 3 2 5: 0.33333333345150873+2.1654204916247057e-11<0.3333333338156545
revised distance squared from orbit of 3 to 5 is at most 0.3333333338156545.
distance squared from orbit of 3 to 5 will be revised since for 3 6 5: 3.958881603508659e-10+0.3333333333620552<0.3333333338156545
revised distance squared from orbit of 3 to 5 is at most 0.3333333338156545.
distance squared from orbit of 3 to 10 will be revised since for 3 6 10: 3.958881603508659e-10+1.328700142739051e-7<3.37773207979769e-7
revised distance squared from orbit of 3 to 10 is at most 1.2115431510415345e-7.
distance squared from orbit of 3 to 11 will be revised since for 3 10 11: 1.2115431510415345e-7+3.16341872401139e-8<6.285146133894997e-6
revised distance squared from orbit of 3 to 11 is at most 6.285146133894997e-6.

distance squared from orbit of 4 to 3 will be revised since for 4 1 3: 0.5000000000000192+2.8719773209312435e-11<0.5669872981078216
revised distance squared from orbit of 4 to 3 is at most 0.5669872981078216.
distance squared from orbit of 4 to 9 will be revised since for 4 7 9: 1.264426807109839e-5+4.995526700699464e-8<2.0518654508177737e-5
revised distance squared from orbit of 4 to 9 is at most 2.0518654508177737e-5.

distance squared from orbit of 5 to 1 will be revised since for 5 4 1: 0.33333333333335535+0.5000000000000192<0.8333333333337548
revised distance squared from orbit of 5 to 1 is at most 0.8333333333337548.
distance squared from orbit of 5 to 3 will be revised since for 5 1 3: 0.8333333333337548+2.8719773209312435e-11<0.8672522771155353
revised distance squared from orbit of 5 to 3 is at most 0.8672522771155353.
distance squared from orbit of 5 to 10 will be revised since for 5 2 10: 0.5000000000000037+7.696410382162563e-8<0.5000001036999986
revised distance squared from orbit of 5 to 10 is at most 0.5000001036999986.
distance squared from orbit of 5 to 10 will be revised since for 5 4 10: 0.33333333333335535+3.3071400856360954e-7<0.5000001036999986
revised distance squared from orbit of 5 to 10 is at most 0.5000001036999986.
distance squared from orbit of 5 to 10 will be revised since for 5 7 10: 0.3333442723045014+2.916035351556646e-7<0.5000001036999986
revised distance squared from orbit of 5 to 10 is at most 0.5000001036999986.

distance squared from orbit of 6 to 5 will be revised since for 6 2 5: 0.3333333333333597+2.1654204916247057e-11<0.3333333333620552
revised distance squared from orbit of 6 to 5 is at most 0.33333333336164006.
distance squared from orbit of 6 to 8 will be revised since for 6 9 8: 8.180125902026558e-6+0.8750003055260722<0.8750172639922404
revised distance squared from orbit of 6 to 8 is at most 0.8750102990995393.
distance squared from orbit of 6 to 11 will be revised since for 6 9 11: 8.180125902026558e-6+4.3050770723585733e-7<1.3585086883000604e-5
revised distance squared from orbit of 6 to 11 is at most 1.3585086883000604e-5.
distance squared from orbit of 6 to 11 will be revised since for 6 10 11: 1.328700142739051e-7+3.16341872401139e-8<1.3585086883000604e-5
revised distance squared from orbit of 6 to 11 is at most 1.3585086883000604e-5.

distance squared from orbit of 7 to 1 will be revised since for 7 6 1: 0.2500000380933741+0.5000000000000079<0.8964466210091395
revised distance squared from orbit of 7 to 1 is at most 0.8964466210091395.
distance squared from orbit of 7 to 2 will be revised since for 7 6 2: 0.2500000380933741+0.3333333333333597<0.6666667425947133
revised distance squared from orbit of 7 to 2 is at most 0.6666667425947133.
distance squared from orbit of 7 to 4 will be revised since for 7 9 4: 4.995526700699464e-8+0.3333333333474971<0.5000000452217022
revised distance squared from orbit of 7 to 4 is at most 0.3333336322556981.
distance squared from orbit of 7 to 5 will be revised since for 7 9 5: 4.995526700699464e-8+0.33333333337770016<0.3333340234946935
revised distance squared from orbit of 7 to 5 is at most 0.3333340234946935.
distance squared from orbit of 7 to 11 will be revised since for 7 9 11: 4.995526700699464e-8+4.3050770723585733e-7<7.051119720484468e-7
revised distance squared from orbit of 7 to 11 is at most 4.622415992838403e-7.
distance squared from orbit of 7 to 11 will be revised since for 7 10 11: 2.916035351556646e-7+3.16341872401139e-8<4.622415992838403e-7
revised distance squared from orbit of 7 to 11 is at most 3.182977516242527e-8.

distance squared from orbit of 8 to 2 will be revised since for 8 3 2: 0.5000000000000393+0.33333333345150873<0.8888888888888983
revised distance squared from orbit of 8 to 2 is at most 0.8888888888888983.
distance squared from orbit of 8 to 2 will be revised since for 8 6 2: 0.5000000000006347+0.3333333333333597<0.8888888888888983
revised distance squared from orbit of 8 to 2 is at most 0.8888888888888983.
distance squared from orbit of 8 to 4 will be revised since for 8 9 4: 0.2000000049057094+0.3333333333474971<0.7014540782032942
revised distance squared from orbit of 8 to 4 is at most 0.7014540782032942.
distance squared from orbit of 8 to 5 will be revised since for 8 9 5: 0.2000000049057094+0.33333333337770016<0.6089433620541201
revised distance squared from orbit of 8 to 5 is at most 0.6089433620541201.
distance squared from orbit of 8 to 10 will be revised since for 8 7 10: 0.3875379840019742+2.916035351556646e-7<0.5000000584023153
revised distance squared from orbit of 8 to 10 is at most 0.5000000584023153.

distance squared from orbit of 9 to 1 will be revised since for 9 4 1: 0.3333333333474971+0.5000000000000192<1.0000000000001692
revised distance squared from orbit of 9 to 1 is at most 1.0000000000001692.
distance squared from orbit of 9 to 2 will be revised since for 9 4 2: 0.3333333333474971+0.33333333333333626<0.8333333333356332
revised distance squared from orbit of 9 to 2 is at most 0.8333333333356332.
distance squared from orbit of 9 to 10 will be revised since for 9 4 10: 0.3333333333474971+3.3071400856360954e-7<0.500000146152982
revised distance squared from orbit of 9 to 10 is at most 0.500000146152982.
distance squared from orbit of 9 to 10 will be revised since for 9 6 10: 0.5000000000046471+1.328700142739051e-7<0.500000146152982
revised distance squared from orbit of 9 to 10 is at most 0.500000146152982.
distance squared from orbit of 9 to 10 will be revised since for 9 7 10: 0.3333333333333497+2.916035351556646e-7<0.500000146152982
revised distance squared from orbit of 9 to 10 is at most 0.500000146152982.

distance squared from orbit of 10 to 1 will be revised since for 10 6 1: 0.2500000000000271+0.5000000000000079<0.8964466094067562
revised distance squared from orbit of 10 to 1 is at most 0.8964466094067562.
distance squared from orbit of 10 to 2 will be revised since for 10 6 2: 0.2500000000000271+0.3333333333333597<0.666666666666702
revised distance squared from orbit of 10 to 2 is at most 0.666666666666702.
distance squared from orbit of 10 to 5 will be revised since for 10 6 5: 0.2500000000000271+0.33333333336164006<0.6666666666677824
revised distance squared from orbit of 10 to 5 is at most 0.6666666666677824.
distance squared from orbit of 10 to 5 will be revised since for 10 9 5: 0.20000001392714403+0.33333333337770016<0.6666666666677824
revised distance squared from orbit of 10 to 5 is at most 0.6666666666677824.
distance squared from orbit of 10 to 8 will be revised since for 10 11 8: 3.16341872401139e-8+0.8750000000000566<0.9791670939917476
revised distance squared from orbit of 10 to 8 is at most 0.8750000230803447.

distance squared from orbit of 11 to 1 will be revised since for 11 6 1: 0.5000000000001739+0.5000000000000079<1.0000000000042575
revised distance squared from orbit of 11 to 1 is at most 1.0000000000042575.
distance squared from orbit of 11 to 2 will be revised since for 11 6 2: 0.5000000000001739+0.3333333333333597<0.9166666666982033
revised distance squared from orbit of 11 to 2 is at most 0.9166666666982033.
distance squared from orbit of 11 to 4 will be revised since for 11 7 4: 0.4373410500935862+0.3333336322556981<0.7777777777777866
revised distance squared from orbit of 11 to 4 is at most 0.7777777777777866.
distance squared from orbit of 11 to 4 will be revised since for 11 9 4: 0.20000000000001136+0.3333333333474971<0.7777777777777866
revised distance squared from orbit of 11 to 4 is at most 0.7777777777777866.
distance squared from orbit of 11 to 5 will be revised since for 11 9 5: 0.20000000000001136+0.33333333337770016<0.6666666666679468
revised distance squared from orbit of 11 to 5 is at most 0.6666666666679468.
distance squared from orbit of 11 to 10 will be revised since for 11 7 10: 0.4373410500935862+2.916035351556646e-7<0.5000000000000229
revised distance squared from orbit of 11 to 10 is at most 0.5000000000000229.

rechecked better distance squared from orbit of 1 to 4 is at most 3.783205224279334e-8 old is 9.948395394721227e-8.
rechecked better distance squared from orbit of 1 to 6 is at most 5.363996720508918e-10 old is 5.364220550917977e-10.
rechecked better distance squared from orbit of 1 to 7 is at most 1.2252953394670884e-6 old is 1.6763152075775839e-6.
rechecked better distance squared from orbit of 1 to 9 is at most 6.8391817308991256e-6 old is 8.593271855948679e-6.
rechecked better distance squared from orbit of 1 to 10 is at most 3.6569929447356297e-7 old is 3.6583374899577366e-7.
rechecked better distance squared from orbit of 1 to 11 is at most 7.825584836739526e-6 old is 7.825784972808555e-6.
rechecked better distance squared from orbit of 2 to 6 is at most 8.240946509442599e-8 old is 8.459996509833062e-8.
rechecked better distance squared from orbit of 2 to 9 is at most 1.1511969437642696e-7 old is 3.9380499925690834e-7.
rechecked better distance squared from orbit of 2 to 10 is at most 5.637014524941042e-8 old is 7.696410382162563e-8.
rechecked better distance squared from orbit of 3 to 4 is at most 0.33333333459226544 old is 0.3333333346393287.
rechecked better distance squared from orbit of 3 to 7 is at most 0.00010322469551025101 old is 0.00011729825593465785.
rechecked better distance squared from orbit of 3 to 9 is at most 4.60354698129286e-6 old is 5.888352954675927e-6.
rechecked better distance squared from orbit of 3 to 10 is at most 1.209386050503022e-7 old is 1.2115431510415345e-7.
rechecked new distance squared from orbit of 4 to 5 is at most 0.3333333333333938 old is 0.3333333333370872.
rechecked better distance squared from orbit of 4 to 7 is at most 6.572778831853649e-6 old is 1.264426807109839e-5.
rechecked better distance squared from orbit of 4 to 9 is at most 1.729058526278124e-5 old is 2.0518654508177737e-5.
rechecked better distance squared from orbit of 4 to 10 is at most 2.4215147010477376e-7 old is 3.3071400856360954e-7.
rechecked better distance squared from orbit of 4 to 11 is at most 1.20098503511958e-7 old is 1.356177884516216e-7.
rechecked better distance squared from orbit of 5 to 7 is at most 0.3333416614993606 old is 0.3333442723045014.
rechecked better distance squared from orbit of 5 to 9 is at most 6.059613175409975e-6 old is 1.1184020005785028e-5.
rechecked better distance squared from orbit of 5 to 10 is at most 0.5000000686283905 old is 0.5000001036999986.
rechecked better distance squared from orbit of 5 to 11 is at most 1.7183210519234932e-8 old is 1.846254762822496e-7.
rechecked better distance squared from orbit of 6 to 4 is at most 0.3333333340725544 old is 0.333333334430444.
rechecked better distance squared from orbit of 6 to 7 is at most 0.3333362605982689 old is 0.33333628924072756.
rechecked better distance squared from orbit of 6 to 8 is at most 0.8750102900134689 old is 0.8750102990995393.
rechecked better distance squared from orbit of 6 to 9 is at most 7.147634535901538e-6 old is 8.180125902026558e-6.
rechecked better distance squared from orbit of 6 to 10 is at most 1.205918430487179e-7 old is 1.328700142739051e-7.
rechecked better distance squared from orbit of 6 to 11 is at most 1.0260931231553739e-5 old is 1.3585086883000604e-5.
rechecked better distance squared from orbit of 7 to 4 is at most 0.33333343306049834 old is 0.3333336322556981.
rechecked better distance squared from orbit of 7 to 5 is at most 0.33333373205645844 old is 0.3333340234946935.
rechecked new distance squared from orbit of 7 to 6 is at most 0.25000003747144445 old is 0.2500000380933741.
rechecked better distance squared from orbit of 7 to 6 is at most 0.2500000146240603 old is 0.25000003747144445.
rechecked new distance squared from orbit of 7 to 7 is at most 2.715349310789055e-13 old is 4.3190657976189256e-13.
rechecked better distance squared from orbit of 7 to 9 is at most 1.127714492946373e-8 old is 4.995526700699464e-8.
rechecked better distance squared from orbit of 7 to 10 is at most 2.9596088435411877e-8 old is 2.916035351556646e-7.
rechecked better distance squared from orbit of 7 to 11 is at most 3.0919143239917175e-8 old is 3.182977516242527e-8.
rechecked new distance squared from orbit of 8 to 8 is at most 5.533252595068119e-14 old is 8.031148551875082e-14.
rechecked better distance squared from orbit of 8 to 9 is at most 0.20000000389727426 old is 0.2000000049057094.
rechecked better distance squared from orbit of 8 to 10 is at most 0.5000000490809678 old is 0.5000000584023153.
rechecked better distance squared from orbit of 8 to 11 is at most 1.3800676318576374e-7 old is 2.2473785976358236e-7.
rechecked better distance squared from orbit of 9 to 8 is at most 0.8750003007696093 old is 0.8750003055260722.
rechecked better distance squared from orbit of 9 to 10 is at most 0.5000001315581344 old is 0.500000146152982.
rechecked better distance squared from orbit of 9 to 11 is at most 2.57951892155743e-7 old is 4.3050770723585733e-7.
rechecked better distance squared from orbit of 10 to 9 is at most 0.2000000063614389 old is 0.20000001392714403.
rechecked better distance squared from orbit of 10 to 11 is at most 2.1474323965831933e-8 old is 3.16341872401139e-8.
rechecked new distance squared from orbit of 11 to 7 is at most 0.43734105009358515 old is 0.4373410500935862.

The following is the calculated Hasse Diagram for nets in \(\mathbb{S}^5\).

[15]:
plot(datatograph1(D5s,3)[1],datatograph2(D5s,0.01)[1],size=(1000,500))
[15]:
../_images/GeometriesJordanNetsWebs_Degenerations_between_Jordan_Spaces_25_0.svg

We calculate degenerations for nets in \(\mathbb S^6\).

[16]:
D6s,P6s=finddistances(JordanNetsS6,10)
#save P6s

open("JNS6Ps.csv", "w") do io
           writedlm(io,P6s)
end
  0.584379 seconds (2.14 M allocations: 995.454 MiB, 23.83% gc time)
distance squared from orbit of 1 to 1 is at most 3.009921880722286e-13. 2 tries
  1.385249 seconds (4.99 M allocations: 2.266 GiB, 21.37% gc time)
distance squared from orbit of 1 to 2 is at most 0.3333333333368205. 10 tries
  0.193149 seconds (705.71 k allocations: 328.244 MiB, 21.73% gc time)
distance squared from orbit of 1 to 3 is at most 4.690370893413399e-11. 1 tries
  2.392815 seconds (8.62 M allocations: 3.920 GiB, 21.37% gc time)
distance squared from orbit of 1 to 4 is at most 2.417804599474063e-9. 4 tries
  3.331407 seconds (12.43 M allocations: 5.644 GiB, 21.78% gc time)
distance squared from orbit of 1 to 5 is at most 1.0000000000001528. 10 tries
  5.095222 seconds (18.55 M allocations: 8.424 GiB, 21.50% gc time)
distance squared from orbit of 1 to 6 is at most 0.33333333762932654. 10 tries
  5.469185 seconds (20.54 M allocations: 9.326 GiB, 21.76% gc time)
distance squared from orbit of 1 to 7 is at most 0.200000000217467. 10 tries
  0.479849 seconds (2.01 M allocations: 935.785 MiB, 22.17% gc time)
distance squared from orbit of 1 to 8 is at most 9.637461752532028e-7. 1 tries
  0.479665 seconds (2.03 M allocations: 943.757 MiB, 21.81% gc time)
distance squared from orbit of 1 to 9 is at most 2.9518683378598e-7. 1 tries
  5.034701 seconds (19.77 M allocations: 8.977 GiB, 21.61% gc time)
distance squared from orbit of 1 to 10 is at most 1.4787401119654567e-5. 10 tries
  1.323181 seconds (4.77 M allocations: 2.167 GiB, 21.14% gc time)
distance squared from orbit of 1 to 11 is at most 0.6666666666667319. 10 tries
  1.406026 seconds (4.88 M allocations: 2.218 GiB, 20.52% gc time)
distance squared from orbit of 1 to 12 is at most 0.5000000000125124. 10 tries
  6.129338 seconds (20.91 M allocations: 9.498 GiB, 20.98% gc time)
distance squared from orbit of 1 to 13 is at most 1.4084974200003334e-5. 10 tries
  5.982025 seconds (20.62 M allocations: 9.363 GiB, 20.78% gc time)
distance squared from orbit of 1 to 14 is at most 0.0002006839868991689. 10 tries
  5.415550 seconds (19.58 M allocations: 8.889 GiB, 20.89% gc time)
distance squared from orbit of 1 to 15 is at most 8.995628493529054e-5. 10 tries
  0.272795 seconds (905.89 k allocations: 421.350 MiB, 19.49% gc time)
distance squared from orbit of 1 to 16 is at most 0.500000000000024. 10 tries
  2.313218 seconds (8.09 M allocations: 3.673 GiB, 21.12% gc time)
distance squared from orbit of 1 to 17 is at most 0.4998212469641491. 10 tries
  5.467656 seconds (20.10 M allocations: 9.127 GiB, 20.70% gc time)
distance squared from orbit of 1 to 18 is at most 0.2000022225239855. 10 tries
  5.268749 seconds (19.89 M allocations: 9.030 GiB, 20.83% gc time)
distance squared from orbit of 1 to 19 is at most 0.000487451510789052. 10 tries
  5.855283 seconds (20.56 M allocations: 9.338 GiB, 20.89% gc time)
distance squared from orbit of 1 to 20 is at most 0.0006060750859037013. 10 tries
  5.178171 seconds (20.22 M allocations: 9.181 GiB, 21.09% gc time)
distance squared from orbit of 1 to 21 is at most 2.1416435886041514e-6. 10 tries
  0.636161 seconds (2.45 M allocations: 1.114 GiB, 21.40% gc time)
distance squared from orbit of 1 to 22 is at most 2.2283354733132625e-9. 1 tries
  5.263147 seconds (20.30 M allocations: 9.219 GiB, 20.95% gc time)
distance squared from orbit of 1 to 23 is at most 0.0004215796017670361. 10 tries

  0.628122 seconds (2.38 M allocations: 1.080 GiB, 20.68% gc time)
distance squared from orbit of 2 to 1 is at most 0.5000000000002985. 10 tries
  0.304640 seconds (1.14 M allocations: 528.866 MiB, 21.27% gc time)
distance squared from orbit of 2 to 2 is at most 1.7280625606689348e-13. 10 tries
  2.817807 seconds (10.63 M allocations: 4.829 GiB, 21.01% gc time)
distance squared from orbit of 2 to 3 is at most 0.5000000000264259. 10 tries
  3.318404 seconds (11.55 M allocations: 5.247 GiB, 20.61% gc time)
distance squared from orbit of 2 to 4 is at most 0.3333333369387204. 10 tries
  0.671954 seconds (2.58 M allocations: 1.170 GiB, 21.60% gc time)
distance squared from orbit of 2 to 5 is at most 1.000000000000056. 10 tries
  1.181880 seconds (4.73 M allocations: 2.148 GiB, 21.14% gc time)
distance squared from orbit of 2 to 6 is at most 1.1712309280769558e-7. 4 tries
  0.601852 seconds (2.42 M allocations: 1.101 GiB, 20.73% gc time)
distance squared from orbit of 2 to 7 is at most 0.5889020455456393. 10 tries
  4.743305 seconds (18.17 M allocations: 8.249 GiB, 21.01% gc time)
distance squared from orbit of 2 to 8 is at most 4.403293018623685e-7. 10 tries
  0.890449 seconds (3.13 M allocations: 1.422 GiB, 20.17% gc time)
distance squared from orbit of 2 to 9 is at most 0.5419582998295409. 10 tries
  4.860690 seconds (18.33 M allocations: 8.326 GiB, 20.65% gc time)
distance squared from orbit of 2 to 10 is at most 0.33333333522365344. 10 tries
  0.339651 seconds (1.27 M allocations: 589.438 MiB, 21.70% gc time)
distance squared from orbit of 2 to 11 is at most 0.6666666666666917. 10 tries
  0.261313 seconds (1.01 M allocations: 469.951 MiB, 21.97% gc time)
distance squared from orbit of 2 to 12 is at most 0.25000000000020983. 10 tries
  5.291559 seconds (20.52 M allocations: 9.319 GiB, 20.85% gc time)
distance squared from orbit of 2 to 13 is at most 0.0001971287729131748. 10 tries
  0.548146 seconds (2.13 M allocations: 991.983 MiB, 20.78% gc time)
distance squared from orbit of 2 to 14 is at most 4.91061571098064e-9. 1 tries
  5.633651 seconds (19.38 M allocations: 8.803 GiB, 20.36% gc time)
distance squared from orbit of 2 to 15 is at most 0.3260768770997252. 10 tries
  0.727608 seconds (2.29 M allocations: 1.040 GiB, 20.70% gc time)
distance squared from orbit of 2 to 16 is at most 0.705954725405887. 10 tries
  2.616216 seconds (9.20 M allocations: 4.180 GiB, 20.60% gc time)
distance squared from orbit of 2 to 17 is at most 0.2500000000142433. 10 tries
  2.824656 seconds (10.36 M allocations: 4.703 GiB, 20.84% gc time)
distance squared from orbit of 2 to 18 is at most 7.872143435608598e-7. 5 tries
  5.535678 seconds (19.94 M allocations: 9.055 GiB, 20.45% gc time)
distance squared from orbit of 2 to 19 is at most 0.00022202008961776497. 10 tries
  5.625650 seconds (20.87 M allocations: 9.477 GiB, 20.72% gc time)
distance squared from orbit of 2 to 20 is at most 0.0002485143963994851. 10 tries
  3.890370 seconds (14.05 M allocations: 6.381 GiB, 20.26% gc time)
distance squared from orbit of 2 to 21 is at most 7.199030463236371e-7. 7 tries
  5.501235 seconds (19.71 M allocations: 8.952 GiB, 20.56% gc time)
distance squared from orbit of 2 to 22 is at most 0.5000000028194479. 10 tries
  5.901461 seconds (20.48 M allocations: 9.301 GiB, 20.09% gc time)
distance squared from orbit of 2 to 23 is at most 0.00011437630112138158. 10 tries

  1.377144 seconds (4.83 M allocations: 2.195 GiB, 20.51% gc time)
distance squared from orbit of 3 to 1 is at most 0.5000000000000945. 10 tries
  1.607819 seconds (5.71 M allocations: 2.593 GiB, 20.61% gc time)
distance squared from orbit of 3 to 2 is at most 0.5833333333333873. 10 tries
  0.023032 seconds (56.61 k allocations: 26.325 MiB, 39.95% gc time)
distance squared from orbit of 3 to 3 is at most 5.063579063156662e-14. 1 tries
  3.800494 seconds (12.21 M allocations: 5.546 GiB, 19.76% gc time)
distance squared from orbit of 3 to 4 is at most 0.16666666985026424. 10 tries
  3.054566 seconds (10.61 M allocations: 4.820 GiB, 20.50% gc time)
distance squared from orbit of 3 to 5 is at most 1.0000000000000502. 10 tries
  2.285021 seconds (7.92 M allocations: 3.595 GiB, 20.02% gc time)
distance squared from orbit of 3 to 6 is at most 0.3333333334303624. 10 tries
  1.847489 seconds (6.96 M allocations: 3.162 GiB, 20.57% gc time)
distance squared from orbit of 3 to 7 is at most 0.20000000000807894. 10 tries
  1.277256 seconds (4.51 M allocations: 2.047 GiB, 20.66% gc time)
distance squared from orbit of 3 to 8 is at most 3.512082237424113e-10. 4 tries
  0.565963 seconds (1.98 M allocations: 918.829 MiB, 20.40% gc time)
distance squared from orbit of 3 to 9 is at most 3.540142875819456e-8. 1 tries
  0.617411 seconds (2.11 M allocations: 983.661 MiB, 20.52% gc time)
distance squared from orbit of 3 to 10 is at most 5.200381077407878e-9. 1 tries
  3.169597 seconds (11.86 M allocations: 5.386 GiB, 20.76% gc time)
distance squared from orbit of 3 to 11 is at most 0.6666666666667316. 10 tries
  0.827074 seconds (3.23 M allocations: 1.466 GiB, 20.59% gc time)
distance squared from orbit of 3 to 12 is at most 0.5000000000001374. 10 tries
  5.393714 seconds (20.46 M allocations: 9.293 GiB, 20.75% gc time)
distance squared from orbit of 3 to 13 is at most 1.5393051702464955e-5. 10 tries
  2.178327 seconds (7.08 M allocations: 3.215 GiB, 21.20% gc time)
distance squared from orbit of 3 to 14 is at most 9.741665047919257e-6. 10 tries
  5.383987 seconds (19.74 M allocations: 8.963 GiB, 20.58% gc time)
distance squared from orbit of 3 to 15 is at most 0.0003394721789445783. 10 tries
  2.830935 seconds (9.79 M allocations: 4.445 GiB, 20.57% gc time)
distance squared from orbit of 3 to 16 is at most 0.5000000000007083. 10 tries
  2.807508 seconds (10.06 M allocations: 4.569 GiB, 20.62% gc time)
distance squared from orbit of 3 to 17 is at most 0.2557849739854668. 10 tries
  5.398895 seconds (20.83 M allocations: 9.460 GiB, 20.72% gc time)
distance squared from orbit of 3 to 18 is at most 0.20000000051971098. 10 tries
  5.157013 seconds (20.27 M allocations: 9.206 GiB, 20.89% gc time)
distance squared from orbit of 3 to 19 is at most 0.0008553584625885956. 10 tries
  5.511944 seconds (20.73 M allocations: 9.413 GiB, 20.48% gc time)
distance squared from orbit of 3 to 20 is at most 0.00013501291486533946. 10 tries
  5.385816 seconds (20.63 M allocations: 9.368 GiB, 20.68% gc time)
distance squared from orbit of 3 to 21 is at most 1.3369413912519052e-5. 10 tries
  0.530122 seconds (2.05 M allocations: 953.391 MiB, 21.49% gc time)
distance squared from orbit of 3 to 22 is at most 6.630372161885599e-7. 1 tries
  4.498014 seconds (16.83 M allocations: 7.646 GiB, 20.33% gc time)
distance squared from orbit of 3 to 23 is at most 6.806574823606655e-8. 9 tries

  0.733450 seconds (2.61 M allocations: 1.183 GiB, 20.22% gc time)
distance squared from orbit of 4 to 1 is at most 1.0000000000001168. 10 tries
  2.057245 seconds (7.58 M allocations: 3.443 GiB, 20.49% gc time)
distance squared from orbit of 4 to 2 is at most 1.000000000000143. 10 tries
  3.674623 seconds (12.50 M allocations: 5.677 GiB, 20.27% gc time)
distance squared from orbit of 4 to 3 is at most 0.5000000006319384. 10 tries
  0.011846 seconds (53.03 k allocations: 24.660 MiB)
distance squared from orbit of 4 to 4 is at most 8.944469810193513e-13. 1 tries
  2.943762 seconds (10.73 M allocations: 4.872 GiB, 20.47% gc time)
distance squared from orbit of 4 to 5 is at most 1.0000000000002869. 10 tries
  5.874898 seconds (19.35 M allocations: 8.788 GiB, 19.70% gc time)
distance squared from orbit of 4 to 6 is at most 0.6273220062527215. 10 tries
  4.942107 seconds (17.70 M allocations: 8.038 GiB, 20.30% gc time)
distance squared from orbit of 4 to 7 is at most 0.20000000015549102. 10 tries
  5.030330 seconds (19.32 M allocations: 8.777 GiB, 20.75% gc time)
distance squared from orbit of 4 to 8 is at most 0.5000000086868255. 10 tries
  2.502959 seconds (9.97 M allocations: 4.527 GiB, 20.65% gc time)
distance squared from orbit of 4 to 9 is at most 0.5001088176366681. 10 tries
  0.563874 seconds (2.16 M allocations: 1006.608 MiB, 20.69% gc time)
distance squared from orbit of 4 to 10 is at most 8.874732477996175e-7. 1 tries
  4.436502 seconds (16.58 M allocations: 7.529 GiB, 20.29% gc time)
distance squared from orbit of 4 to 11 is at most 0.6668422255187376. 10 tries
  4.336020 seconds (14.43 M allocations: 6.555 GiB, 19.43% gc time)
distance squared from orbit of 4 to 12 is at most 0.5000000002947357. 10 tries
  5.478930 seconds (20.71 M allocations: 9.403 GiB, 20.77% gc time)
distance squared from orbit of 4 to 13 is at most 0.16666691556824464. 10 tries
  0.542358 seconds (2.11 M allocations: 981.976 MiB, 20.06% gc time)
distance squared from orbit of 4 to 14 is at most 7.480394254751195e-9. 1 tries
  1.170467 seconds (4.17 M allocations: 1.892 GiB, 20.45% gc time)
distance squared from orbit of 4 to 15 is at most 9.746637820280875e-7. 2 tries
  5.177960 seconds (18.71 M allocations: 8.499 GiB, 20.36% gc time)
distance squared from orbit of 4 to 16 is at most 0.5001281732449445. 10 tries
  4.847565 seconds (17.41 M allocations: 7.905 GiB, 20.10% gc time)
distance squared from orbit of 4 to 17 is at most 0.5000003886968399. 10 tries
  5.043101 seconds (19.54 M allocations: 8.876 GiB, 20.62% gc time)
distance squared from orbit of 4 to 18 is at most 0.2000000016579928. 10 tries
  0.513885 seconds (2.05 M allocations: 951.396 MiB, 20.94% gc time)
distance squared from orbit of 4 to 19 is at most 6.647613473930702e-7. 1 tries
  5.834474 seconds (20.92 M allocations: 9.499 GiB, 19.87% gc time)
distance squared from orbit of 4 to 20 is at most 0.1666670403088053. 10 tries
  0.702100 seconds (2.12 M allocations: 984.310 MiB, 20.46% gc time)
distance squared from orbit of 4 to 21 is at most 7.862249340628232e-8. 1 tries
  4.922640 seconds (18.27 M allocations: 8.298 GiB, 20.54% gc time)
distance squared from orbit of 4 to 22 is at most 0.00011750332816364824. 10 tries
  4.911890 seconds (20.57 M allocations: 9.340 GiB, 20.85% gc time)
distance squared from orbit of 4 to 23 is at most 1.093612921713099e-6. 10 tries

  1.272038 seconds (5.11 M allocations: 2.318 GiB, 21.08% gc time)
distance squared from orbit of 5 to 1 is at most 0.9770146437555324. 10 tries
  3.120051 seconds (12.54 M allocations: 5.695 GiB, 20.60% gc time)
distance squared from orbit of 5 to 2 is at most 0.7333333344521247. 10 tries
  3.848885 seconds (14.97 M allocations: 6.798 GiB, 20.41% gc time)
distance squared from orbit of 5 to 3 is at most 0.5000000000310778. 10 tries
  5.228431 seconds (20.08 M allocations: 9.122 GiB, 20.42% gc time)
distance squared from orbit of 5 to 4 is at most 0.3333333337026528. 10 tries
  0.046090 seconds (184.83 k allocations: 85.961 MiB, 17.68% gc time)
distance squared from orbit of 5 to 5 is at most 5.554355843806013e-13. 3 tries
  4.710378 seconds (18.40 M allocations: 8.356 GiB, 20.30% gc time)
distance squared from orbit of 5 to 6 is at most 0.616386948513329. 10 tries
  3.947491 seconds (15.53 M allocations: 7.053 GiB, 20.57% gc time)
distance squared from orbit of 5 to 7 is at most 0.20000000006284951. 10 tries
  3.783963 seconds (13.88 M allocations: 6.303 GiB, 20.12% gc time)
distance squared from orbit of 5 to 8 is at most 0.5000000000016392. 10 tries
  0.339166 seconds (1.04 M allocations: 482.926 MiB, 17.41% gc time)
distance squared from orbit of 5 to 9 is at most 0.4510909381693076. 10 tries
  5.808154 seconds (20.49 M allocations: 9.304 GiB, 19.97% gc time)
distance squared from orbit of 5 to 10 is at most 0.3333333335938715. 10 tries
  5.832919 seconds (20.42 M allocations: 9.272 GiB, 20.00% gc time)
distance squared from orbit of 5 to 11 is at most 7.225707873384549e-6. 10 tries
  3.212566 seconds (11.62 M allocations: 5.279 GiB, 20.05% gc time)
distance squared from orbit of 5 to 12 is at most 0.5000027884106348. 10 tries
  5.457245 seconds (20.77 M allocations: 9.432 GiB, 20.29% gc time)
distance squared from orbit of 5 to 13 is at most 0.16682682345060387. 10 tries
  0.574775 seconds (2.07 M allocations: 961.384 MiB, 20.54% gc time)
distance squared from orbit of 5 to 14 is at most 8.124410473104478e-10. 1 tries
  6.065917 seconds (20.10 M allocations: 9.130 GiB, 19.72% gc time)
distance squared from orbit of 5 to 15 is at most 0.32607688430872245. 10 tries
  5.796092 seconds (20.83 M allocations: 9.460 GiB, 20.07% gc time)
distance squared from orbit of 5 to 16 is at most 0.25000005755547305. 10 tries
  4.015418 seconds (14.44 M allocations: 6.559 GiB, 20.01% gc time)
distance squared from orbit of 5 to 17 is at most 0.5000000000057041. 10 tries
  5.589647 seconds (20.10 M allocations: 9.126 GiB, 20.01% gc time)
distance squared from orbit of 5 to 18 is at most 0.20000111221354214. 10 tries
  5.771222 seconds (20.86 M allocations: 9.475 GiB, 20.16% gc time)
distance squared from orbit of 5 to 19 is at most 0.00010685462246983684. 10 tries
  5.512743 seconds (20.58 M allocations: 9.347 GiB, 20.18% gc time)
distance squared from orbit of 5 to 20 is at most 0.16700419890967513. 10 tries
  0.548950 seconds (1.99 M allocations: 925.147 MiB, 19.77% gc time)
distance squared from orbit of 5 to 21 is at most 6.063847859563902e-7. 1 tries
  5.632015 seconds (20.70 M allocations: 9.399 GiB, 20.09% gc time)
distance squared from orbit of 5 to 22 is at most 0.4328163439834386. 10 tries
  5.744495 seconds (20.63 M allocations: 9.368 GiB, 20.00% gc time)
distance squared from orbit of 5 to 23 is at most 0.0005434283932713884. 10 tries

  0.465060 seconds (1.83 M allocations: 849.400 MiB, 20.23% gc time)
distance squared from orbit of 6 to 1 is at most 0.8964466094260284. 10 tries
  0.308255 seconds (1.25 M allocations: 579.785 MiB, 19.12% gc time)
distance squared from orbit of 6 to 2 is at most 0.5000000000001337. 10 tries
  1.855133 seconds (7.19 M allocations: 3.268 GiB, 20.55% gc time)
distance squared from orbit of 6 to 3 is at most 0.6473671297286967. 10 tries
  4.877498 seconds (18.54 M allocations: 8.420 GiB, 20.11% gc time)
distance squared from orbit of 6 to 4 is at most 0.5000000079279346. 10 tries
  0.162462 seconds (581.76 k allocations: 270.562 MiB, 22.04% gc time)
distance squared from orbit of 6 to 5 is at most 1.000000000000028. 10 tries
  0.105954 seconds (367.92 k allocations: 171.147 MiB, 18.52% gc time)
distance squared from orbit of 6 to 6 is at most 4.6901323872161e-14. 2 tries
  0.388882 seconds (1.44 M allocations: 670.993 MiB, 20.19% gc time)
distance squared from orbit of 6 to 7 is at most 0.5889020455429128. 10 tries
  3.528043 seconds (12.97 M allocations: 5.890 GiB, 19.97% gc time)
distance squared from orbit of 6 to 8 is at most 0.25000000000065914. 10 tries
  1.702031 seconds (6.09 M allocations: 2.767 GiB, 19.93% gc time)
distance squared from orbit of 6 to 9 is at most 0.6594466049442754. 10 tries
  5.782714 seconds (20.58 M allocations: 9.345 GiB, 19.79% gc time)
distance squared from orbit of 6 to 10 is at most 0.45873413544184183. 10 tries
  0.474016 seconds (1.85 M allocations: 859.428 MiB, 21.54% gc time)
distance squared from orbit of 6 to 11 is at most 0.7777777777778195. 10 tries
  0.341752 seconds (1.39 M allocations: 646.033 MiB, 19.67% gc time)
distance squared from orbit of 6 to 12 is at most 0.250000000000005. 10 tries
  5.124068 seconds (20.50 M allocations: 9.308 GiB, 20.48% gc time)
distance squared from orbit of 6 to 13 is at most 8.346726741476915e-5. 10 tries
  1.518945 seconds (6.15 M allocations: 2.794 GiB, 20.39% gc time)
distance squared from orbit of 6 to 14 is at most 0.4262869158922584. 10 tries
  5.560748 seconds (20.28 M allocations: 9.210 GiB, 19.87% gc time)
distance squared from orbit of 6 to 15 is at most 0.414997291565078. 10 tries
  2.091109 seconds (8.37 M allocations: 3.802 GiB, 20.73% gc time)
distance squared from orbit of 6 to 16 is at most 0.8672932565278448. 10 tries
  2.215961 seconds (8.76 M allocations: 3.978 GiB, 20.41% gc time)
distance squared from orbit of 6 to 17 is at most 0.25000000002016587. 10 tries
  3.309189 seconds (12.08 M allocations: 5.485 GiB, 19.97% gc time)
distance squared from orbit of 6 to 18 is at most 0.20000017040567625. 10 tries
  0.596824 seconds (2.08 M allocations: 967.361 MiB, 18.86% gc time)
distance squared from orbit of 6 to 19 is at most 9.002154476570412e-8. 1 tries
  5.815957 seconds (21.04 M allocations: 9.556 GiB, 20.10% gc time)
distance squared from orbit of 6 to 20 is at most 0.0002485215197930173. 10 tries
  5.596612 seconds (20.65 M allocations: 9.380 GiB, 20.06% gc time)
distance squared from orbit of 6 to 21 is at most 5.5601720989234835e-6. 10 tries
  4.803377 seconds (17.92 M allocations: 8.140 GiB, 19.98% gc time)
distance squared from orbit of 6 to 22 is at most 0.675240476791285. 10 tries
  4.575504 seconds (16.34 M allocations: 7.420 GiB, 20.01% gc time)
distance squared from orbit of 6 to 23 is at most 5.966707200622681e-7. 8 tries

  1.970417 seconds (8.21 M allocations: 3.726 GiB, 20.45% gc time)
distance squared from orbit of 7 to 1 is at most 0.8964466094067732. 10 tries
  2.217147 seconds (8.93 M allocations: 4.053 GiB, 20.18% gc time)
distance squared from orbit of 7 to 2 is at most 0.5000000011356924. 10 tries
  1.616651 seconds (6.42 M allocations: 2.916 GiB, 20.50% gc time)
distance squared from orbit of 7 to 3 is at most 0.5000000000070979. 10 tries
  5.253451 seconds (18.73 M allocations: 8.505 GiB, 19.64% gc time)
distance squared from orbit of 7 to 4 is at most 0.33333362552807405. 10 tries
  4.295651 seconds (14.68 M allocations: 6.666 GiB, 19.48% gc time)
distance squared from orbit of 7 to 5 is at most 1.000000062155797. 10 tries
  2.267737 seconds (8.24 M allocations: 3.744 GiB, 19.81% gc time)
distance squared from orbit of 7 to 6 is at most 0.3333334656011004. 10 tries
  0.025061 seconds (98.11 k allocations: 45.631 MiB)
distance squared from orbit of 7 to 7 is at most 7.145877521345389e-13. 1 tries
  5.630334 seconds (18.22 M allocations: 8.274 GiB, 19.53% gc time)
distance squared from orbit of 7 to 8 is at most 0.4873233523093018. 10 tries
  0.534545 seconds (1.77 M allocations: 822.477 MiB, 20.55% gc time)
distance squared from orbit of 7 to 9 is at most 0.5535514783851555. 10 tries
  5.743350 seconds (20.83 M allocations: 9.461 GiB, 20.08% gc time)
distance squared from orbit of 7 to 10 is at most 0.33333336593049273. 10 tries
  2.060604 seconds (7.53 M allocations: 3.419 GiB, 19.90% gc time)
distance squared from orbit of 7 to 11 is at most 0.6666666666667272. 10 tries
  2.131152 seconds (8.42 M allocations: 3.824 GiB, 20.32% gc time)
distance squared from orbit of 7 to 12 is at most 0.25000000145100554. 10 tries
  5.232921 seconds (20.43 M allocations: 9.277 GiB, 20.49% gc time)
distance squared from orbit of 7 to 13 is at most 0.00010906834857585077. 10 tries
  0.514629 seconds (2.10 M allocations: 978.670 MiB, 19.84% gc time)
distance squared from orbit of 7 to 14 is at most 6.866188359096149e-7. 1 tries
  5.058070 seconds (20.87 M allocations: 9.480 GiB, 20.53% gc time)
distance squared from orbit of 7 to 15 is at most 0.3260770184658947. 10 tries
  0.981666 seconds (4.00 M allocations: 1.818 GiB, 19.86% gc time)
distance squared from orbit of 7 to 16 is at most 0.7500000000002294. 10 tries
  2.412174 seconds (9.74 M allocations: 4.421 GiB, 20.59% gc time)
distance squared from orbit of 7 to 17 is at most 0.25000046906255247. 10 tries
  1.005152 seconds (4.01 M allocations: 1.821 GiB, 20.38% gc time)
distance squared from orbit of 7 to 18 is at most 2.3733382077127282e-9. 2 tries
  5.228686 seconds (20.44 M allocations: 9.281 GiB, 20.10% gc time)
distance squared from orbit of 7 to 19 is at most 0.0017968413500270093. 10 tries
  5.583119 seconds (21.04 M allocations: 9.555 GiB, 20.05% gc time)
distance squared from orbit of 7 to 20 is at most 5.332060397263414e-5. 10 tries
  0.685105 seconds (2.11 M allocations: 982.322 MiB, 19.12% gc time)
distance squared from orbit of 7 to 21 is at most 3.4356496764845524e-7. 1 tries
  5.375728 seconds (20.93 M allocations: 9.505 GiB, 20.13% gc time)
distance squared from orbit of 7 to 22 is at most 0.5000001754079236. 10 tries
  4.622667 seconds (18.70 M allocations: 8.495 GiB, 20.28% gc time)
distance squared from orbit of 7 to 23 is at most 0.00017869332500034964. 10 tries

  0.277306 seconds (1.16 M allocations: 540.866 MiB, 18.04% gc time)
distance squared from orbit of 8 to 1 is at most 0.5000000000000103. 10 tries
  0.370384 seconds (1.47 M allocations: 681.645 MiB, 20.87% gc time)
distance squared from orbit of 8 to 2 is at most 0.33333333333340853. 10 tries
  0.967841 seconds (3.93 M allocations: 1.783 GiB, 20.19% gc time)
distance squared from orbit of 8 to 3 is at most 0.5000000000000816. 10 tries
  2.673034 seconds (10.73 M allocations: 4.875 GiB, 20.28% gc time)
distance squared from orbit of 8 to 4 is at most 0.33333333711365387. 10 tries
  2.185982 seconds (8.73 M allocations: 3.965 GiB, 20.15% gc time)
distance squared from orbit of 8 to 5 is at most 1.0000000708207324. 10 tries
  3.282496 seconds (13.09 M allocations: 5.942 GiB, 20.24% gc time)
distance squared from orbit of 8 to 6 is at most 0.33333333334176934. 10 tries
  2.370988 seconds (9.56 M allocations: 4.341 GiB, 20.51% gc time)
distance squared from orbit of 8 to 7 is at most 0.20000000000944446. 10 tries
  0.487267 seconds (2.01 M allocations: 935.520 MiB, 19.27% gc time)
distance squared from orbit of 8 to 8 is at most 3.1292942660853836e-13. 2 tries
  0.320774 seconds (1.25 M allocations: 582.787 MiB, 21.80% gc time)
distance squared from orbit of 8 to 9 is at most 0.5629971770848345. 10 tries
  4.200895 seconds (17.07 M allocations: 7.754 GiB, 20.24% gc time)
distance squared from orbit of 8 to 10 is at most 0.3333333505519895. 10 tries
  1.365429 seconds (5.56 M allocations: 2.524 GiB, 20.61% gc time)
distance squared from orbit of 8 to 11 is at most 0.8156829682957577. 10 tries
  0.288858 seconds (1.17 M allocations: 543.175 MiB, 20.75% gc time)
distance squared from orbit of 8 to 12 is at most 0.5000000000051011. 10 tries
  5.232430 seconds (20.19 M allocations: 9.166 GiB, 20.02% gc time)
distance squared from orbit of 8 to 13 is at most 5.615286448731454e-5. 10 tries
  0.596223 seconds (2.09 M allocations: 972.011 MiB, 20.60% gc time)
distance squared from orbit of 8 to 14 is at most 1.0759759688677524e-7. 1 tries
  5.106985 seconds (19.58 M allocations: 8.895 GiB, 19.93% gc time)
distance squared from orbit of 8 to 15 is at most 0.3260768804057029. 10 tries
  1.127654 seconds (4.32 M allocations: 1.961 GiB, 20.39% gc time)
distance squared from orbit of 8 to 16 is at most 0.7500000000000095. 10 tries
  1.012616 seconds (4.14 M allocations: 1.880 GiB, 20.33% gc time)
distance squared from orbit of 8 to 17 is at most 0.2547617221253965. 10 tries
  3.219801 seconds (12.86 M allocations: 5.842 GiB, 19.85% gc time)
distance squared from orbit of 8 to 18 is at most 0.20000000000025955. 10 tries
  5.045911 seconds (20.26 M allocations: 9.198 GiB, 20.10% gc time)
distance squared from orbit of 8 to 19 is at most 0.0015093225396690774. 10 tries
  5.188717 seconds (21.09 M allocations: 9.577 GiB, 20.27% gc time)
distance squared from orbit of 8 to 20 is at most 0.00021045762696099627. 10 tries
  5.747044 seconds (20.82 M allocations: 9.454 GiB, 19.74% gc time)
distance squared from orbit of 8 to 21 is at most 2.104035222611083e-6. 10 tries
  5.205309 seconds (20.63 M allocations: 9.367 GiB, 19.92% gc time)
distance squared from orbit of 8 to 22 is at most 0.5000000070290742. 10 tries
  5.599771 seconds (20.67 M allocations: 9.387 GiB, 19.63% gc time)
distance squared from orbit of 8 to 23 is at most 1.3422172205946463e-5. 10 tries

  0.612729 seconds (2.04 M allocations: 949.669 MiB, 19.64% gc time)
distance squared from orbit of 9 to 1 is at most 1.0000000000000866. 10 tries
  2.065751 seconds (7.92 M allocations: 3.598 GiB, 19.76% gc time)
distance squared from orbit of 9 to 2 is at most 0.8340970907381584. 10 tries
  0.656397 seconds (2.56 M allocations: 1.161 GiB, 20.24% gc time)
distance squared from orbit of 9 to 3 is at most 0.6324643726007304. 10 tries
  4.096619 seconds (15.86 M allocations: 7.202 GiB, 19.89% gc time)
distance squared from orbit of 9 to 4 is at most 0.3333333353649726. 10 tries
  1.406044 seconds (5.45 M allocations: 2.475 GiB, 20.31% gc time)
distance squared from orbit of 9 to 5 is at most 1.0000000000000608. 10 tries
  4.673064 seconds (18.41 M allocations: 8.362 GiB, 19.87% gc time)
distance squared from orbit of 9 to 6 is at most 0.538367639656281. 10 tries
  0.884547 seconds (3.40 M allocations: 1.545 GiB, 20.32% gc time)
distance squared from orbit of 9 to 7 is at most 0.621419441119882. 10 tries
  2.407255 seconds (9.06 M allocations: 4.116 GiB, 19.91% gc time)
distance squared from orbit of 9 to 8 is at most 0.4475317424834284. 10 tries
  0.030674 seconds (138.94 k allocations: 64.608 MiB)
distance squared from orbit of 9 to 9 is at most 2.2528627164947238e-14. 1 tries
  5.434034 seconds (20.64 M allocations: 9.376 GiB, 19.81% gc time)
distance squared from orbit of 9 to 10 is at most 0.20833333902778844. 10 tries
  2.649625 seconds (9.49 M allocations: 4.311 GiB, 19.80% gc time)
distance squared from orbit of 9 to 11 is at most 0.6666666666721422. 10 tries
  5.681809 seconds (19.84 M allocations: 9.007 GiB, 19.44% gc time)
distance squared from orbit of 9 to 12 is at most 0.7500000723306584. 10 tries
  4.910341 seconds (18.21 M allocations: 8.271 GiB, 19.55% gc time)
distance squared from orbit of 9 to 13 is at most 1.6221437404151825e-6. 10 tries
  2.549594 seconds (9.81 M allocations: 4.455 GiB, 19.51% gc time)
distance squared from orbit of 9 to 14 is at most 0.33337354996683627. 10 tries
  0.560988 seconds (2.10 M allocations: 975.009 MiB, 19.52% gc time)
distance squared from orbit of 9 to 15 is at most 2.7516510900433383e-7. 1 tries
  1.886732 seconds (6.81 M allocations: 3.093 GiB, 19.51% gc time)
distance squared from orbit of 9 to 16 is at most 0.5000000000011934. 10 tries
  2.546103 seconds (8.91 M allocations: 4.046 GiB, 19.62% gc time)
distance squared from orbit of 9 to 17 is at most 0.25159639190434085. 10 tries
  5.849973 seconds (20.89 M allocations: 9.486 GiB, 19.47% gc time)
distance squared from orbit of 9 to 18 is at most 0.20289258795194892. 10 tries
  5.362033 seconds (20.35 M allocations: 9.242 GiB, 19.58% gc time)
distance squared from orbit of 9 to 19 is at most 0.0006769061504315461. 10 tries
  6.014474 seconds (21.06 M allocations: 9.566 GiB, 19.59% gc time)
distance squared from orbit of 9 to 20 is at most 2.2014626825724582e-5. 10 tries
  5.136207 seconds (18.44 M allocations: 8.374 GiB, 19.45% gc time)
distance squared from orbit of 9 to 21 is at most 0.0001845990348058072. 10 tries
  0.581322 seconds (2.11 M allocations: 982.993 MiB, 19.30% gc time)
distance squared from orbit of 9 to 22 is at most 4.8528821558873626e-8. 1 tries
  5.614882 seconds (20.65 M allocations: 9.377 GiB, 19.39% gc time)
distance squared from orbit of 9 to 23 is at most 2.1655566385951013e-5. 10 tries

  1.497988 seconds (4.98 M allocations: 2.262 GiB, 19.11% gc time)
distance squared from orbit of 10 to 1 is at most 1.0000000000007483. 10 tries
  2.602340 seconds (8.93 M allocations: 4.053 GiB, 19.71% gc time)
distance squared from orbit of 10 to 2 is at most 0.7333341296919881. 10 tries
  2.554576 seconds (9.71 M allocations: 4.409 GiB, 19.95% gc time)
distance squared from orbit of 10 to 3 is at most 0.5000000265958809. 10 tries
  0.205506 seconds (771.99 k allocations: 359.096 MiB, 18.19% gc time)
distance squared from orbit of 10 to 4 is at most 0.16666666666675772. 10 tries
  1.492292 seconds (5.58 M allocations: 2.535 GiB, 20.14% gc time)
distance squared from orbit of 10 to 5 is at most 1.0000000000000213. 10 tries
  4.898339 seconds (17.53 M allocations: 7.961 GiB, 19.42% gc time)
distance squared from orbit of 10 to 6 is at most 0.6666667743923493. 10 tries
  1.517670 seconds (5.72 M allocations: 2.599 GiB, 19.50% gc time)
distance squared from orbit of 10 to 7 is at most 0.20000003238393804. 10 tries
  3.113311 seconds (13.11 M allocations: 5.953 GiB, 20.27% gc time)
distance squared from orbit of 10 to 8 is at most 0.5000000300323243. 10 tries
  3.838160 seconds (15.31 M allocations: 6.954 GiB, 20.06% gc time)
distance squared from orbit of 10 to 9 is at most 0.5000171371378833. 10 tries
  0.046584 seconds (184.01 k allocations: 85.599 MiB, 19.25% gc time)
distance squared from orbit of 10 to 10 is at most 2.4179816778428955e-13. 2 tries
  4.890639 seconds (18.73 M allocations: 8.507 GiB, 19.62% gc time)
distance squared from orbit of 10 to 11 is at most 0.6666666695970845. 10 tries
  5.741477 seconds (20.42 M allocations: 9.274 GiB, 19.57% gc time)
distance squared from orbit of 10 to 12 is at most 0.5000000043585543. 10 tries
  5.471832 seconds (20.76 M allocations: 9.430 GiB, 19.80% gc time)
distance squared from orbit of 10 to 13 is at most 0.1666683312525764. 10 tries
  0.546578 seconds (2.12 M allocations: 986.649 MiB, 19.86% gc time)
distance squared from orbit of 10 to 14 is at most 7.21911927373819e-8. 1 tries
  3.267396 seconds (13.11 M allocations: 5.955 GiB, 19.81% gc time)
distance squared from orbit of 10 to 15 is at most 6.7998419335423705e-6. 10 tries
  6.244674 seconds (20.97 M allocations: 9.526 GiB, 18.91% gc time)
distance squared from orbit of 10 to 16 is at most 0.5000004453613963. 10 tries
  2.778880 seconds (9.88 M allocations: 4.487 GiB, 19.29% gc time)
distance squared from orbit of 10 to 17 is at most 0.5000000010017449. 10 tries
  5.698430 seconds (20.54 M allocations: 9.326 GiB, 19.24% gc time)
distance squared from orbit of 10 to 18 is at most 0.20000000578967755. 10 tries
  5.506247 seconds (20.81 M allocations: 9.452 GiB, 19.60% gc time)
distance squared from orbit of 10 to 19 is at most 1.1911716501194083e-6. 10 tries
  5.690875 seconds (20.89 M allocations: 9.489 GiB, 19.61% gc time)
distance squared from orbit of 10 to 20 is at most 0.1666667696809195. 10 tries
  0.578401 seconds (2.00 M allocations: 928.471 MiB, 19.62% gc time)
distance squared from orbit of 10 to 21 is at most 2.7384698575935387e-8. 1 tries
  5.471962 seconds (20.97 M allocations: 9.523 GiB, 19.71% gc time)
distance squared from orbit of 10 to 22 is at most 3.461059854922562e-5. 10 tries
  5.290717 seconds (20.72 M allocations: 9.408 GiB, 19.83% gc time)
distance squared from orbit of 10 to 23 is at most 6.752967172356981e-6. 10 tries

  0.785154 seconds (3.10 M allocations: 1.407 GiB, 19.61% gc time)
distance squared from orbit of 11 to 1 is at most 0.9770018541118775. 10 tries
  0.293891 seconds (1.20 M allocations: 559.485 MiB, 18.57% gc time)
distance squared from orbit of 11 to 2 is at most 0.6666666666667985. 10 tries
  2.730132 seconds (10.63 M allocations: 4.829 GiB, 19.94% gc time)
distance squared from orbit of 11 to 3 is at most 0.5000001875174792. 10 tries
  5.302325 seconds (20.90 M allocations: 9.492 GiB, 19.61% gc time)
distance squared from orbit of 11 to 4 is at most 0.3333336275517084. 10 tries
  0.151351 seconds (628.25 k allocations: 292.196 MiB, 17.58% gc time)
distance squared from orbit of 11 to 5 is at most 0.6666666666667013. 10 tries
  1.673256 seconds (6.44 M allocations: 2.925 GiB, 20.12% gc time)
distance squared from orbit of 11 to 6 is at most 0.5993389780077931. 10 tries
  4.152629 seconds (15.52 M allocations: 7.048 GiB, 19.53% gc time)
distance squared from orbit of 11 to 7 is at most 0.20005453696701123. 10 tries
  1.813153 seconds (6.57 M allocations: 2.983 GiB, 19.60% gc time)
distance squared from orbit of 11 to 8 is at most 0.5000000012336481. 10 tries
  0.344407 seconds (1.22 M allocations: 565.797 MiB, 20.28% gc time)
distance squared from orbit of 11 to 9 is at most 0.5435113756148318. 10 tries
  4.298974 seconds (16.42 M allocations: 7.459 GiB, 19.88% gc time)
distance squared from orbit of 11 to 10 is at most 0.33333334168319795. 10 tries
  0.012935 seconds (67.33 k allocations: 31.316 MiB)
distance squared from orbit of 11 to 11 is at most 5.255184661697187e-13. 1 tries
  1.359136 seconds (5.76 M allocations: 2.614 GiB, 20.12% gc time)
distance squared from orbit of 11 to 12 is at most 0.500000000000178. 10 tries
  5.102681 seconds (20.68 M allocations: 9.391 GiB, 19.81% gc time)
distance squared from orbit of 11 to 13 is at most 0.16666666751136447. 10 tries
  1.556820 seconds (6.24 M allocations: 2.836 GiB, 19.75% gc time)
distance squared from orbit of 11 to 14 is at most 8.110006571315815e-9. 3 tries
  5.431649 seconds (20.80 M allocations: 9.447 GiB, 19.24% gc time)
distance squared from orbit of 11 to 15 is at most 0.32607688201872626. 10 tries
  1.593591 seconds (6.09 M allocations: 2.767 GiB, 19.80% gc time)
distance squared from orbit of 11 to 16 is at most 0.25000000000178835. 10 tries
  3.360451 seconds (10.88 M allocations: 4.941 GiB, 18.62% gc time)
distance squared from orbit of 11 to 17 is at most 0.5000000145775693. 10 tries
  1.926326 seconds (7.19 M allocations: 3.268 GiB, 19.17% gc time)
distance squared from orbit of 11 to 18 is at most 0.40000000000244695. 10 tries
  0.558268 seconds (2.10 M allocations: 975.361 MiB, 20.15% gc time)
distance squared from orbit of 11 to 19 is at most 2.235975073395793e-8. 2 tries
  6.291543 seconds (20.21 M allocations: 9.175 GiB, 18.26% gc time)
distance squared from orbit of 11 to 20 is at most 0.1666694267881068. 10 tries
  5.306777 seconds (20.57 M allocations: 9.341 GiB, 19.49% gc time)
distance squared from orbit of 11 to 21 is at most 0.0006066717177827825. 10 tries
  0.431726 seconds (1.71 M allocations: 794.167 MiB, 19.04% gc time)
distance squared from orbit of 11 to 22 is at most 0.4328053960685582. 10 tries
  5.682371 seconds (20.31 M allocations: 9.222 GiB, 19.55% gc time)
distance squared from orbit of 11 to 23 is at most 1.32268314506516e-6. 10 tries

  0.579439 seconds (2.32 M allocations: 1.053 GiB, 18.86% gc time)
distance squared from orbit of 12 to 1 is at most 1.0000000000000795. 10 tries
  0.364918 seconds (1.45 M allocations: 676.648 MiB, 19.72% gc time)
distance squared from orbit of 12 to 2 is at most 0.5000000000047347. 10 tries
  2.444234 seconds (9.82 M allocations: 4.460 GiB, 19.58% gc time)
distance squared from orbit of 12 to 3 is at most 1.0000000000009575. 10 tries
  5.106339 seconds (20.64 M allocations: 9.374 GiB, 19.77% gc time)
distance squared from orbit of 12 to 4 is at most 0.6666667654260181. 10 tries
  0.868478 seconds (3.53 M allocations: 1.603 GiB, 19.57% gc time)
distance squared from orbit of 12 to 5 is at most 1.3333333333335886. 10 tries
  2.286540 seconds (9.20 M allocations: 4.180 GiB, 19.69% gc time)
distance squared from orbit of 12 to 6 is at most 0.33333334023687244. 10 tries
  3.541988 seconds (14.17 M allocations: 6.437 GiB, 19.47% gc time)
distance squared from orbit of 12 to 7 is at most 0.5000003468675456. 10 tries
  3.885498 seconds (15.59 M allocations: 7.081 GiB, 19.67% gc time)
distance squared from orbit of 12 to 8 is at most 0.5000000000001724. 10 tries
  3.532023 seconds (14.00 M allocations: 6.359 GiB, 19.85% gc time)
distance squared from orbit of 12 to 9 is at most 1.000000000002275. 10 tries
  3.919240 seconds (15.65 M allocations: 7.106 GiB, 19.57% gc time)
distance squared from orbit of 12 to 10 is at most 0.5000251985393592. 10 tries
  2.366696 seconds (9.48 M allocations: 4.305 GiB, 19.63% gc time)
distance squared from orbit of 12 to 11 is at most 0.9791666677193425. 10 tries
  0.525640 seconds (2.09 M allocations: 970.581 MiB, 19.20% gc time)
distance squared from orbit of 12 to 12 is at most 0.7500000000003976. 10 tries
  4.200798 seconds (16.73 M allocations: 7.597 GiB, 19.69% gc time)
distance squared from orbit of 12 to 13 is at most 0.3333409379747572. 10 tries
  4.806865 seconds (18.75 M allocations: 8.517 GiB, 19.66% gc time)
distance squared from orbit of 12 to 14 is at most 0.5000002773641379. 10 tries
  5.240287 seconds (20.82 M allocations: 9.455 GiB, 19.54% gc time)
distance squared from orbit of 12 to 15 is at most 0.6458339629620691. 10 tries
  0.511533 seconds (2.03 M allocations: 945.264 MiB, 19.48% gc time)
distance squared from orbit of 12 to 16 is at most 1.00000000000037. 10 tries
  0.764585 seconds (3.07 M allocations: 1.397 GiB, 19.15% gc time)
distance squared from orbit of 12 to 17 is at most 6.84717979129814e-11. 2 tries
  0.510805 seconds (2.09 M allocations: 970.694 MiB, 21.02% gc time)
distance squared from orbit of 12 to 18 is at most 6.892281795963736e-7. 1 tries
  5.502189 seconds (20.87 M allocations: 9.479 GiB, 19.18% gc time)
distance squared from orbit of 12 to 19 is at most 0.3333492434612356. 10 tries
  5.888629 seconds (21.06 M allocations: 9.566 GiB, 19.35% gc time)
distance squared from orbit of 12 to 20 is at most 1.7633438208466508e-6. 10 tries
  1.055007 seconds (4.18 M allocations: 1.897 GiB, 19.21% gc time)
distance squared from orbit of 12 to 21 is at most 3.5602985316776254e-7. 2 tries
  1.649432 seconds (6.63 M allocations: 3.013 GiB, 19.45% gc time)
distance squared from orbit of 12 to 22 is at most 0.8750455540789642. 10 tries
  5.187766 seconds (20.84 M allocations: 9.465 GiB, 19.58% gc time)
distance squared from orbit of 12 to 23 is at most 3.0917675465206956e-5. 10 tries

  3.223280 seconds (12.58 M allocations: 5.712 GiB, 19.64% gc time)
distance squared from orbit of 13 to 1 is at most 1.0000000084890992. 10 tries
  2.519546 seconds (9.02 M allocations: 4.096 GiB, 19.40% gc time)
distance squared from orbit of 13 to 2 is at most 0.6666668118827497. 10 tries
  4.406069 seconds (17.32 M allocations: 7.866 GiB, 19.64% gc time)
distance squared from orbit of 13 to 3 is at most 0.8964469622769567. 10 tries
  5.086228 seconds (21.08 M allocations: 9.573 GiB, 19.91% gc time)
distance squared from orbit of 13 to 4 is at most 0.5000003046212781. 10 tries
  1.680273 seconds (6.87 M allocations: 3.120 GiB, 19.59% gc time)
distance squared from orbit of 13 to 5 is at most 1.0000003937107163. 10 tries
  3.177001 seconds (11.77 M allocations: 5.347 GiB, 19.38% gc time)
distance squared from orbit of 13 to 6 is at most 0.3334250465377652. 10 tries
  3.599041 seconds (13.10 M allocations: 5.949 GiB, 19.14% gc time)
distance squared from orbit of 13 to 7 is at most 0.6301240222027034. 10 tries
  2.605209 seconds (10.52 M allocations: 4.779 GiB, 19.48% gc time)
distance squared from orbit of 13 to 8 is at most 0.48732272822881634. 10 tries
  0.758494 seconds (3.04 M allocations: 1.383 GiB, 19.60% gc time)
distance squared from orbit of 13 to 9 is at most 0.6623028564489924. 10 tries
  5.639878 seconds (20.80 M allocations: 9.447 GiB, 19.21% gc time)
distance squared from orbit of 13 to 10 is at most 0.4587344996108677. 10 tries
  4.787388 seconds (18.92 M allocations: 8.593 GiB, 19.41% gc time)
distance squared from orbit of 13 to 11 is at most 0.8301371427983814. 10 tries
  1.189257 seconds (4.59 M allocations: 2.085 GiB, 19.96% gc time)
distance squared from orbit of 13 to 12 is at most 0.5000724303719044. 10 tries
  0.014008 seconds (65.18 k allocations: 30.318 MiB)
distance squared from orbit of 13 to 13 is at most 3.3918253758854486e-12. 1 tries
  4.285584 seconds (16.87 M allocations: 7.661 GiB, 19.61% gc time)
distance squared from orbit of 13 to 14 is at most 0.5000002585758326. 10 tries
  5.526752 seconds (20.91 M allocations: 9.498 GiB, 19.52% gc time)
distance squared from orbit of 13 to 15 is at most 0.4149973705092607. 10 tries
  5.281985 seconds (19.40 M allocations: 8.811 GiB, 19.80% gc time)
distance squared from orbit of 13 to 16 is at most 0.8672935503889967. 10 tries
  4.754675 seconds (15.71 M allocations: 7.136 GiB, 19.76% gc time)
distance squared from orbit of 13 to 17 is at most 0.25012919239061054. 10 tries
  3.144368 seconds (12.74 M allocations: 5.788 GiB, 19.79% gc time)
distance squared from orbit of 13 to 18 is at most 0.20000006504030224. 10 tries
  0.506252 seconds (2.06 M allocations: 959.383 MiB, 20.03% gc time)
distance squared from orbit of 13 to 19 is at most 9.413790254886094e-7. 1 tries
  0.513950 seconds (2.11 M allocations: 979.664 MiB, 19.63% gc time)
distance squared from orbit of 13 to 20 is at most 2.3173178116386578e-7. 1 tries
  2.132899 seconds (8.77 M allocations: 3.983 GiB, 19.80% gc time)
distance squared from orbit of 13 to 21 is at most 6.644275465248012e-7. 8 tries
  5.374579 seconds (20.96 M allocations: 9.518 GiB, 19.47% gc time)
distance squared from orbit of 13 to 22 is at most 0.6752406217484334. 10 tries
  0.746760 seconds (2.08 M allocations: 969.359 MiB, 18.58% gc time)
distance squared from orbit of 13 to 23 is at most 2.1351873521118264e-8. 1 tries

  1.230292 seconds (4.00 M allocations: 1.819 GiB, 18.43% gc time)
distance squared from orbit of 14 to 1 is at most 1.0000000000000293. 10 tries
  3.519729 seconds (13.22 M allocations: 6.005 GiB, 19.66% gc time)
distance squared from orbit of 14 to 2 is at most 0.6666666743803712. 10 tries
  0.369315 seconds (1.32 M allocations: 613.069 MiB, 19.48% gc time)
distance squared from orbit of 14 to 3 is at most 0.5000000000000376. 10 tries
  0.862868 seconds (2.96 M allocations: 1.343 GiB, 18.26% gc time)
distance squared from orbit of 14 to 4 is at most 0.33333333333337073. 10 tries
  0.983873 seconds (2.60 M allocations: 1.181 GiB, 17.50% gc time)
distance squared from orbit of 14 to 5 is at most 1.0000000000000377. 10 tries
  1.328353 seconds (4.78 M allocations: 2.170 GiB, 19.22% gc time)
distance squared from orbit of 14 to 6 is at most 0.6273220037501102. 10 tries
  2.109752 seconds (7.40 M allocations: 3.359 GiB, 19.33% gc time)
distance squared from orbit of 14 to 7 is at most 0.2000000000000981. 10 tries
  4.274098 seconds (17.49 M allocations: 7.944 GiB, 19.90% gc time)
distance squared from orbit of 14 to 8 is at most 0.5000000000444984. 10 tries
  0.243493 seconds (1.02 M allocations: 475.263 MiB, 18.87% gc time)
distance squared from orbit of 14 to 9 is at most 0.5960617835137192. 10 tries
  1.238002 seconds (5.19 M allocations: 2.355 GiB, 19.90% gc time)
distance squared from orbit of 14 to 10 is at most 0.3333333333336929. 10 tries
  0.354933 seconds (1.48 M allocations: 686.976 MiB, 20.62% gc time)
distance squared from orbit of 14 to 11 is at most 0.8333333333334838. 10 tries
  1.462844 seconds (5.43 M allocations: 2.467 GiB, 19.17% gc time)
distance squared from orbit of 14 to 12 is at most 0.5000000004384669. 10 tries
  5.008848 seconds (20.50 M allocations: 9.312 GiB, 19.96% gc time)
distance squared from orbit of 14 to 13 is at most 0.16670151499821056. 10 tries
  0.010172 seconds (48.72 k allocations: 22.662 MiB)
distance squared from orbit of 14 to 14 is at most 3.0948329354280836e-13. 1 tries
  1.172456 seconds (4.83 M allocations: 2.196 GiB, 19.71% gc time)
distance squared from orbit of 14 to 15 is at most 0.3260768737169596. 10 tries
  0.801699 seconds (3.34 M allocations: 1.517 GiB, 19.58% gc time)
distance squared from orbit of 14 to 16 is at most 0.7500000000000799. 10 tries
  0.269502 seconds (1.10 M allocations: 513.569 MiB, 20.46% gc time)
distance squared from orbit of 14 to 17 is at most 0.5000000000000202. 10 tries
  4.832139 seconds (19.19 M allocations: 8.715 GiB, 19.99% gc time)
distance squared from orbit of 14 to 18 is at most 0.20000000003896987. 10 tries
  5.357836 seconds (20.99 M allocations: 9.531 GiB, 19.34% gc time)
distance squared from orbit of 14 to 19 is at most 2.277784285424035e-5. 10 tries
  4.757098 seconds (18.93 M allocations: 8.597 GiB, 19.60% gc time)
distance squared from orbit of 14 to 20 is at most 0.1666679861468978. 10 tries
  0.505974 seconds (2.06 M allocations: 959.717 MiB, 20.09% gc time)
distance squared from orbit of 14 to 21 is at most 4.320819279485753e-8. 1 tries
  0.275911 seconds (1.12 M allocations: 519.221 MiB, 20.11% gc time)
distance squared from orbit of 14 to 22 is at most 0.5000000000000486. 10 tries
  4.825449 seconds (18.93 M allocations: 8.596 GiB, 19.56% gc time)
distance squared from orbit of 14 to 23 is at most 5.597286291004132e-7. 9 tries

  0.518935 seconds (1.91 M allocations: 889.803 MiB, 19.22% gc time)
distance squared from orbit of 15 to 1 is at most 1.0000000000009432. 10 tries
  2.342239 seconds (8.88 M allocations: 4.030 GiB, 19.10% gc time)
distance squared from orbit of 15 to 2 is at most 0.9184221375521417. 10 tries
  1.482711 seconds (5.34 M allocations: 2.426 GiB, 19.66% gc time)
distance squared from orbit of 15 to 3 is at most 0.8075499102702888. 10 tries
  0.207659 seconds (729.12 k allocations: 339.129 MiB, 20.32% gc time)
distance squared from orbit of 15 to 4 is at most 0.3333333333333874. 10 tries
  0.243441 seconds (903.66 k allocations: 420.344 MiB, 17.07% gc time)
distance squared from orbit of 15 to 5 is at most 1.0000000000000173. 10 tries
  5.064671 seconds (19.26 M allocations: 8.745 GiB, 19.81% gc time)
distance squared from orbit of 15 to 6 is at most 0.6666670800842084. 10 tries
  2.610456 seconds (10.78 M allocations: 4.897 GiB, 19.70% gc time)
distance squared from orbit of 15 to 7 is at most 0.6166666666668006. 10 tries
  3.273037 seconds (12.88 M allocations: 5.849 GiB, 19.73% gc time)
distance squared from orbit of 15 to 8 is at most 0.5000000050751934. 10 tries
  5.213368 seconds (21.27 M allocations: 9.663 GiB, 19.66% gc time)
distance squared from orbit of 15 to 9 is at most 0.5000001154597059. 10 tries
  0.792949 seconds (2.99 M allocations: 1.356 GiB, 19.05% gc time)
distance squared from orbit of 15 to 10 is at most 0.208333333333367. 10 tries
  4.708331 seconds (17.04 M allocations: 7.741 GiB, 19.70% gc time)
distance squared from orbit of 15 to 11 is at most 0.6666667051262726. 10 tries
  4.467240 seconds (18.62 M allocations: 8.456 GiB, 19.60% gc time)
distance squared from orbit of 15 to 12 is at most 0.500000005709653. 10 tries
  5.339454 seconds (20.93 M allocations: 9.507 GiB, 19.48% gc time)
distance squared from orbit of 15 to 13 is at most 0.16667632576674768. 10 tries
  0.204575 seconds (734.10 k allocations: 341.456 MiB, 15.62% gc time)
distance squared from orbit of 15 to 14 is at most 0.41666666666676483. 10 tries
  0.124777 seconds (433.05 k allocations: 201.461 MiB, 24.71% gc time)
distance squared from orbit of 15 to 15 is at most 1.4978729795838508e-13. 3 tries
  3.926978 seconds (14.91 M allocations: 6.775 GiB, 19.38% gc time)
distance squared from orbit of 15 to 16 is at most 0.5000000076121053. 10 tries
  1.327856 seconds (5.12 M allocations: 2.323 GiB, 19.35% gc time)
distance squared from orbit of 15 to 17 is at most 0.500009521425657. 10 tries
  5.594357 seconds (19.96 M allocations: 9.064 GiB, 19.67% gc time)
distance squared from orbit of 15 to 18 is at most 0.20000000669850865. 10 tries
  5.109274 seconds (20.89 M allocations: 9.489 GiB, 19.74% gc time)
distance squared from orbit of 15 to 19 is at most 9.076673087669767e-6. 10 tries
  5.384284 seconds (20.88 M allocations: 9.483 GiB, 19.27% gc time)
distance squared from orbit of 15 to 20 is at most 0.16666668735135218. 10 tries
  1.084022 seconds (4.19 M allocations: 1.903 GiB, 19.04% gc time)
distance squared from orbit of 15 to 21 is at most 6.549007850755832e-7. 2 tries
  0.556512 seconds (2.13 M allocations: 990.291 MiB, 19.36% gc time)
distance squared from orbit of 15 to 22 is at most 3.724431103776777e-8. 1 tries
  2.766396 seconds (10.39 M allocations: 4.720 GiB, 19.14% gc time)
distance squared from orbit of 15 to 23 is at most 5.599027719705925e-7. 5 tries

  0.247059 seconds (944.52 k allocations: 439.323 MiB, 19.76% gc time)
distance squared from orbit of 16 to 1 is at most 1.0000000000000502. 10 tries
  0.968845 seconds (3.42 M allocations: 1.552 GiB, 19.23% gc time)
distance squared from orbit of 16 to 2 is at most 0.8888888888889416. 10 tries
  1.750950 seconds (6.10 M allocations: 2.772 GiB, 19.15% gc time)
distance squared from orbit of 16 to 3 is at most 0.5000000000001086. 10 tries
  0.648804 seconds (2.31 M allocations: 1.049 GiB, 19.91% gc time)
distance squared from orbit of 16 to 4 is at most 0.6666666666667018. 10 tries
  0.466426 seconds (1.76 M allocations: 818.449 MiB, 20.20% gc time)
distance squared from orbit of 16 to 5 is at most 1.0000000000037907. 10 tries
  2.445991 seconds (8.46 M allocations: 3.845 GiB, 19.35% gc time)
distance squared from orbit of 16 to 6 is at most 0.6197265996041824. 10 tries
  1.067138 seconds (4.38 M allocations: 1.990 GiB, 19.46% gc time)
distance squared from orbit of 16 to 7 is at most 0.6000000000045379. 10 tries
  1.363730 seconds (5.57 M allocations: 2.532 GiB, 20.00% gc time)
distance squared from orbit of 16 to 8 is at most 0.5000000001372018. 10 tries
  5.240999 seconds (20.85 M allocations: 9.469 GiB, 19.41% gc time)
distance squared from orbit of 16 to 9 is at most 0.5000000368721741. 10 tries
  4.365331 seconds (18.98 M allocations: 8.621 GiB, 19.87% gc time)
distance squared from orbit of 16 to 10 is at most 0.37500007011911035. 10 tries
  0.713362 seconds (2.98 M allocations: 1.354 GiB, 19.41% gc time)
distance squared from orbit of 16 to 11 is at most 0.33333333333826404. 10 tries
  0.943292 seconds (3.37 M allocations: 1.530 GiB, 19.47% gc time)
distance squared from orbit of 16 to 12 is at most 0.9166666666667203. 10 tries
  1.167297 seconds (3.58 M allocations: 1.627 GiB, 18.74% gc time)
distance squared from orbit of 16 to 13 is at most 0.4055194377748304. 10 tries
  1.212312 seconds (4.37 M allocations: 1.985 GiB, 18.68% gc time)
distance squared from orbit of 16 to 14 is at most 0.6666666666794544. 10 tries
  4.517449 seconds (17.48 M allocations: 7.940 GiB, 19.59% gc time)
distance squared from orbit of 16 to 15 is at most 0.3333335077872865. 10 tries
  0.082545 seconds (327.91 k allocations: 152.512 MiB, 22.85% gc time)
distance squared from orbit of 16 to 16 is at most 5.927032809129082e-12. 2 tries
  0.441826 seconds (1.83 M allocations: 851.111 MiB, 19.37% gc time)
distance squared from orbit of 16 to 17 is at most 0.4841189103880403. 10 tries
  2.218456 seconds (8.81 M allocations: 4.003 GiB, 19.38% gc time)
distance squared from orbit of 16 to 18 is at most 0.6000000003181641. 10 tries
  5.206344 seconds (20.27 M allocations: 9.207 GiB, 19.53% gc time)
distance squared from orbit of 16 to 19 is at most 0.33333333627921985. 10 tries
  6.185534 seconds (20.49 M allocations: 9.305 GiB, 18.72% gc time)
distance squared from orbit of 16 to 20 is at most 0.1666667020613107. 10 tries
  1.580580 seconds (5.73 M allocations: 2.602 GiB, 19.09% gc time)
distance squared from orbit of 16 to 21 is at most 0.5000018935030033. 10 tries
  0.551326 seconds (2.04 M allocations: 949.070 MiB, 18.41% gc time)
distance squared from orbit of 16 to 22 is at most 9.576673164440107e-8. 1 tries
  0.616182 seconds (2.26 M allocations: 1.026 GiB, 18.07% gc time)
distance squared from orbit of 16 to 23 is at most 5.193532522333365e-7. 2 tries

  0.571176 seconds (1.95 M allocations: 908.327 MiB, 19.16% gc time)
distance squared from orbit of 17 to 1 is at most 1.000000000000044. 10 tries
  0.584535 seconds (2.19 M allocations: 1017.499 MiB, 18.49% gc time)
distance squared from orbit of 17 to 2 is at most 0.8333333333334472. 10 tries
  0.700874 seconds (2.60 M allocations: 1.179 GiB, 18.68% gc time)
distance squared from orbit of 17 to 3 is at most 1.0000000000030727. 10 tries
  1.792455 seconds (7.39 M allocations: 3.357 GiB, 19.32% gc time)
distance squared from orbit of 17 to 4 is at most 0.8333339491799714. 10 tries
  0.329683 seconds (1.19 M allocations: 554.156 MiB, 19.17% gc time)
distance squared from orbit of 17 to 5 is at most 1.333333333333479. 10 tries
  1.011445 seconds (3.82 M allocations: 1.735 GiB, 19.07% gc time)
distance squared from orbit of 17 to 6 is at most 0.33333333333336546. 10 tries
  0.768698 seconds (2.92 M allocations: 1.328 GiB, 19.52% gc time)
distance squared from orbit of 17 to 7 is at most 0.8799795560894286. 10 tries
  0.975099 seconds (3.92 M allocations: 1.779 GiB, 19.50% gc time)
distance squared from orbit of 17 to 8 is at most 0.5000000000014072. 10 tries
  3.018798 seconds (10.95 M allocations: 4.976 GiB, 18.93% gc time)
distance squared from orbit of 17 to 9 is at most 1.0000000001914482. 10 tries
  4.235590 seconds (16.89 M allocations: 7.672 GiB, 19.13% gc time)
distance squared from orbit of 17 to 10 is at most 0.5000001344763224. 10 tries
  0.480585 seconds (1.76 M allocations: 819.433 MiB, 19.36% gc time)
distance squared from orbit of 17 to 11 is at most 0.9791666666669094. 10 tries
  1.021784 seconds (3.94 M allocations: 1.790 GiB, 19.55% gc time)
distance squared from orbit of 17 to 12 is at most 0.9500000000031346. 10 tries
  4.969714 seconds (19.07 M allocations: 8.661 GiB, 19.23% gc time)
distance squared from orbit of 17 to 13 is at most 0.3333906078025592. 10 tries
  0.886942 seconds (3.72 M allocations: 1.692 GiB, 20.01% gc time)
distance squared from orbit of 17 to 14 is at most 0.6666666666672746. 10 tries
  4.181621 seconds (17.29 M allocations: 7.852 GiB, 19.34% gc time)
distance squared from orbit of 17 to 15 is at most 0.6666671765784656. 10 tries
  0.442622 seconds (1.84 M allocations: 854.403 MiB, 21.15% gc time)
distance squared from orbit of 17 to 16 is at most 0.875000000000072. 10 tries
  0.010031 seconds (45.87 k allocations: 21.331 MiB)
distance squared from orbit of 17 to 17 is at most 6.179297924991388e-14. 1 tries
  0.659380 seconds (2.46 M allocations: 1.117 GiB, 18.99% gc time)
distance squared from orbit of 17 to 18 is at most 0.5615196053982421. 10 tries
  5.789063 seconds (20.78 M allocations: 9.439 GiB, 19.24% gc time)
distance squared from orbit of 17 to 19 is at most 0.33333388049947704. 10 tries
  4.866824 seconds (20.60 M allocations: 9.354 GiB, 19.49% gc time)
distance squared from orbit of 17 to 20 is at most 9.408404162705941e-5. 10 tries
  2.788619 seconds (11.64 M allocations: 5.285 GiB, 19.63% gc time)
distance squared from orbit of 17 to 21 is at most 0.5000000427075242. 10 tries
  1.127254 seconds (4.53 M allocations: 2.057 GiB, 20.01% gc time)
distance squared from orbit of 17 to 22 is at most 0.8750009264497159. 10 tries
  0.484474 seconds (2.03 M allocations: 941.768 MiB, 19.66% gc time)
distance squared from orbit of 17 to 23 is at most 4.443423706039265e-7. 1 tries

  0.297678 seconds (1.14 M allocations: 531.187 MiB, 20.51% gc time)
distance squared from orbit of 18 to 1 is at most 1.0000000000002496. 10 tries
  0.232095 seconds (789.98 k allocations: 367.426 MiB, 19.20% gc time)
distance squared from orbit of 18 to 2 is at most 0.5000000000000184. 10 tries
  2.137594 seconds (7.94 M allocations: 3.606 GiB, 18.99% gc time)
distance squared from orbit of 18 to 3 is at most 1.0000000000111782. 10 tries
  5.357869 seconds (20.89 M allocations: 9.485 GiB, 19.51% gc time)
distance squared from orbit of 18 to 4 is at most 0.6666671269851395. 10 tries
  3.036883 seconds (12.38 M allocations: 5.620 GiB, 19.96% gc time)
distance squared from orbit of 18 to 5 is at most 1.333333333348542. 10 tries
  2.308765 seconds (7.79 M allocations: 3.541 GiB, 19.51% gc time)
distance squared from orbit of 18 to 6 is at most 0.3333333347333823. 10 tries
  0.513720 seconds (2.09 M allocations: 970.250 MiB, 19.15% gc time)
distance squared from orbit of 18 to 7 is at most 0.5000000000001745. 10 tries
  2.124533 seconds (9.17 M allocations: 4.163 GiB, 19.90% gc time)
distance squared from orbit of 18 to 8 is at most 0.5000000000004324. 10 tries
  2.434172 seconds (10.05 M allocations: 4.566 GiB, 19.25% gc time)
distance squared from orbit of 18 to 9 is at most 1.0000000001150302. 10 tries
  5.448871 seconds (20.96 M allocations: 9.520 GiB, 19.34% gc time)
distance squared from orbit of 18 to 10 is at most 0.5001622969736932. 10 tries
  2.789199 seconds (9.71 M allocations: 4.411 GiB, 19.36% gc time)
distance squared from orbit of 18 to 11 is at most 0.9791666666867674. 10 tries
  0.405482 seconds (1.63 M allocations: 759.216 MiB, 19.66% gc time)
distance squared from orbit of 18 to 12 is at most 0.2500000000000241. 10 tries
  5.300508 seconds (21.07 M allocations: 9.570 GiB, 19.47% gc time)
distance squared from orbit of 18 to 13 is at most 0.3333509871210373. 10 tries
  5.652109 seconds (20.71 M allocations: 9.407 GiB, 19.17% gc time)
distance squared from orbit of 18 to 14 is at most 0.5000000802253725. 10 tries
  4.516392 seconds (18.91 M allocations: 8.588 GiB, 19.67% gc time)
distance squared from orbit of 18 to 15 is at most 0.6458335712327132. 10 tries
  1.864215 seconds (7.91 M allocations: 3.595 GiB, 19.81% gc time)
distance squared from orbit of 18 to 16 is at most 0.8755491045349963. 10 tries
  2.101414 seconds (9.38 M allocations: 4.259 GiB, 19.82% gc time)
distance squared from orbit of 18 to 17 is at most 0.25000000017414514. 10 tries
  0.968559 seconds (4.25 M allocations: 1.932 GiB, 19.60% gc time)
distance squared from orbit of 18 to 18 is at most 8.973537030174333e-13. 3 tries
  4.786072 seconds (18.95 M allocations: 8.606 GiB, 19.49% gc time)
distance squared from orbit of 18 to 19 is at most 0.3334857411347989. 10 tries
  5.291950 seconds (21.17 M allocations: 9.616 GiB, 19.68% gc time)
distance squared from orbit of 18 to 20 is at most 2.0986109542195287e-5. 10 tries
  0.966085 seconds (4.25 M allocations: 1.928 GiB, 20.00% gc time)
distance squared from orbit of 18 to 21 is at most 8.212685945258158e-7. 2 tries
  3.602989 seconds (15.30 M allocations: 6.947 GiB, 19.57% gc time)
distance squared from orbit of 18 to 22 is at most 0.8750990717730496. 10 tries
  5.269214 seconds (20.90 M allocations: 9.490 GiB, 19.56% gc time)
distance squared from orbit of 18 to 23 is at most 0.00013964449151193507. 10 tries

  1.112380 seconds (4.47 M allocations: 2.030 GiB, 18.83% gc time)
distance squared from orbit of 19 to 1 is at most 1.0000000000682951. 10 tries
  1.456903 seconds (5.94 M allocations: 2.700 GiB, 20.13% gc time)
distance squared from orbit of 19 to 2 is at most 0.6666742343371506. 10 tries
  0.258791 seconds (1.06 M allocations: 494.908 MiB, 18.93% gc time)
distance squared from orbit of 19 to 3 is at most 0.8964466094068256. 10 tries
  0.278475 seconds (1.16 M allocations: 538.840 MiB, 17.77% gc time)
distance squared from orbit of 19 to 4 is at most 0.5000000000001318. 10 tries
  0.186088 seconds (759.20 k allocations: 353.111 MiB, 20.76% gc time)
distance squared from orbit of 19 to 5 is at most 1.0000000000000662. 10 tries
  1.274367 seconds (5.24 M allocations: 2.379 GiB, 19.84% gc time)
distance squared from orbit of 19 to 6 is at most 0.6666819512276697. 10 tries
  2.675627 seconds (11.08 M allocations: 5.034 GiB, 19.60% gc time)
distance squared from orbit of 19 to 7 is at most 0.6301242851061222. 10 tries
  5.016494 seconds (19.09 M allocations: 8.671 GiB, 19.42% gc time)
distance squared from orbit of 19 to 8 is at most 0.500000018047071. 10 tries
  0.261442 seconds (925.13 k allocations: 430.331 MiB, 17.52% gc time)
distance squared from orbit of 19 to 9 is at most 0.696907664524159. 10 tries
  1.328354 seconds (3.88 M allocations: 1.764 GiB, 18.26% gc time)
distance squared from orbit of 19 to 10 is at most 0.45873412263481417. 10 tries
  0.321732 seconds (1.27 M allocations: 589.105 MiB, 18.95% gc time)
distance squared from orbit of 19 to 11 is at most 0.9318502616194986. 10 tries
  1.416111 seconds (5.75 M allocations: 2.610 GiB, 19.57% gc time)
distance squared from orbit of 19 to 12 is at most 0.7500006338232088. 10 tries
  1.452370 seconds (5.95 M allocations: 2.704 GiB, 19.49% gc time)
distance squared from orbit of 19 to 13 is at most 0.1666666666690595. 10 tries
  1.714725 seconds (6.93 M allocations: 3.147 GiB, 19.40% gc time)
distance squared from orbit of 19 to 14 is at most 0.5000000001102487. 10 tries
  0.265554 seconds (965.96 k allocations: 449.307 MiB, 19.88% gc time)
distance squared from orbit of 19 to 15 is at most 0.4149972878354282. 10 tries
  1.654464 seconds (6.52 M allocations: 2.961 GiB, 19.57% gc time)
distance squared from orbit of 19 to 16 is at most 0.8672932564788058. 10 tries
  1.116707 seconds (4.06 M allocations: 1.842 GiB, 18.30% gc time)
distance squared from orbit of 19 to 17 is at most 0.5000000050835096. 10 tries
  3.605467 seconds (13.13 M allocations: 5.965 GiB, 19.34% gc time)
distance squared from orbit of 19 to 18 is at most 0.20000000063020723. 10 tries
  0.014331 seconds (74.47 k allocations: 34.644 MiB)
distance squared from orbit of 19 to 19 is at most 1.2181830144988233e-12. 1 tries
  5.187829 seconds (20.06 M allocations: 9.113 GiB, 19.45% gc time)
distance squared from orbit of 19 to 20 is at most 0.16666666712385567. 10 tries
  0.595526 seconds (2.11 M allocations: 980.325 MiB, 18.44% gc time)
distance squared from orbit of 19 to 21 is at most 3.527290939866991e-7. 1 tries
  0.308345 seconds (1.05 M allocations: 489.266 MiB, 18.40% gc time)
distance squared from orbit of 19 to 22 is at most 0.6752404735809004. 10 tries
  1.225832 seconds (4.21 M allocations: 1.913 GiB, 19.10% gc time)
distance squared from orbit of 19 to 23 is at most 7.995887543055823e-7. 2 tries

  1.878785 seconds (6.38 M allocations: 2.900 GiB, 19.35% gc time)
distance squared from orbit of 20 to 1 is at most 1.0000000000000457. 10 tries
  2.191700 seconds (8.79 M allocations: 3.991 GiB, 19.28% gc time)
distance squared from orbit of 20 to 2 is at most 0.8333333333372386. 10 tries
  2.351480 seconds (8.85 M allocations: 4.018 GiB, 19.67% gc time)
distance squared from orbit of 20 to 3 is at most 1.000000000000541. 10 tries
  1.980098 seconds (7.57 M allocations: 3.436 GiB, 19.65% gc time)
distance squared from orbit of 20 to 4 is at most 0.8333334606733845. 10 tries
  3.568734 seconds (14.73 M allocations: 6.689 GiB, 19.48% gc time)
distance squared from orbit of 20 to 5 is at most 1.3333333333338326. 10 tries
  1.209669 seconds (4.88 M allocations: 2.215 GiB, 19.63% gc time)
distance squared from orbit of 20 to 6 is at most 0.3333333333583463. 10 tries
  1.214054 seconds (5.03 M allocations: 2.287 GiB, 20.04% gc time)
distance squared from orbit of 20 to 7 is at most 0.8945037156075005. 10 tries
  1.535890 seconds (6.43 M allocations: 2.921 GiB, 19.65% gc time)
distance squared from orbit of 20 to 8 is at most 0.5000000000000204. 10 tries
  3.420354 seconds (13.83 M allocations: 6.280 GiB, 19.70% gc time)
distance squared from orbit of 20 to 9 is at most 1.0000000003706115. 10 tries
  5.194229 seconds (20.72 M allocations: 9.409 GiB, 19.62% gc time)
distance squared from orbit of 20 to 10 is at most 0.5000003607296684. 10 tries
  2.331473 seconds (8.97 M allocations: 4.076 GiB, 19.81% gc time)
distance squared from orbit of 20 to 11 is at most 0.9791666666667449. 10 tries
  2.057905 seconds (8.41 M allocations: 3.821 GiB, 19.34% gc time)
distance squared from orbit of 20 to 12 is at most 0.7500000000636526. 10 tries
  0.698351 seconds (2.95 M allocations: 1.339 GiB, 19.34% gc time)
distance squared from orbit of 20 to 13 is at most 0.33333333333341597. 10 tries
  1.721890 seconds (7.24 M allocations: 3.288 GiB, 19.70% gc time)
distance squared from orbit of 20 to 14 is at most 0.6666666666666987. 10 tries
  4.925728 seconds (20.88 M allocations: 9.485 GiB, 19.56% gc time)
distance squared from orbit of 20 to 15 is at most 0.6666671685829043. 10 tries
  3.185533 seconds (12.54 M allocations: 5.694 GiB, 19.48% gc time)
distance squared from orbit of 20 to 16 is at most 0.8750047644817286. 10 tries
  3.646108 seconds (14.27 M allocations: 6.480 GiB, 19.66% gc time)
distance squared from orbit of 20 to 17 is at most 0.2500000000111853. 10 tries
  3.192266 seconds (12.99 M allocations: 5.899 GiB, 19.56% gc time)
distance squared from orbit of 20 to 18 is at most 0.6000000000083376. 10 tries
  5.089747 seconds (19.31 M allocations: 8.769 GiB, 19.38% gc time)
distance squared from orbit of 20 to 19 is at most 0.3333340274866027. 10 tries
  0.035963 seconds (103.12 k allocations: 47.961 MiB, 32.60% gc time)
distance squared from orbit of 20 to 20 is at most 2.0269398467257518e-10. 1 tries
  4.741219 seconds (18.29 M allocations: 8.306 GiB, 19.44% gc time)
distance squared from orbit of 20 to 21 is at most 0.5000002569625042. 10 tries
  3.825551 seconds (14.82 M allocations: 6.733 GiB, 19.53% gc time)
distance squared from orbit of 20 to 22 is at most 0.8750003825182692. 10 tries
  1.483463 seconds (6.28 M allocations: 2.850 GiB, 19.70% gc time)
distance squared from orbit of 20 to 23 is at most 4.602198442564904e-7. 3 tries

  0.364606 seconds (1.53 M allocations: 710.285 MiB, 18.96% gc time)
distance squared from orbit of 21 to 1 is at most 1.0000000000000204. 10 tries
  0.234437 seconds (975.30 k allocations: 453.638 MiB, 20.85% gc time)
distance squared from orbit of 21 to 2 is at most 0.6666666666668465. 10 tries
  0.600425 seconds (2.53 M allocations: 1.149 GiB, 19.56% gc time)
distance squared from orbit of 21 to 3 is at most 1.0000000000000333. 10 tries
  0.659391 seconds (2.70 M allocations: 1.228 GiB, 19.61% gc time)
distance squared from orbit of 21 to 4 is at most 0.6666666666667002. 10 tries
  2.586221 seconds (10.60 M allocations: 4.812 GiB, 19.30% gc time)
distance squared from orbit of 21 to 5 is at most 1.3333333333333721. 10 tries
  0.894755 seconds (3.67 M allocations: 1.669 GiB, 19.91% gc time)
distance squared from orbit of 21 to 6 is at most 0.6666666666672171. 10 tries
  0.676779 seconds (2.87 M allocations: 1.302 GiB, 18.71% gc time)
distance squared from orbit of 21 to 7 is at most 0.6301239602446094. 10 tries
  1.765554 seconds (7.38 M allocations: 3.353 GiB, 19.44% gc time)
distance squared from orbit of 21 to 8 is at most 0.5000000000002081. 10 tries
  2.076058 seconds (8.41 M allocations: 3.821 GiB, 19.46% gc time)
distance squared from orbit of 21 to 9 is at most 1.0000000000042024. 10 tries
  4.342202 seconds (17.13 M allocations: 7.780 GiB, 19.38% gc time)
distance squared from orbit of 21 to 10 is at most 0.5000000378069758. 10 tries
  2.205154 seconds (9.56 M allocations: 4.343 GiB, 19.18% gc time)
distance squared from orbit of 21 to 11 is at most 0.9791669787276617. 10 tries
  0.621438 seconds (2.71 M allocations: 1.231 GiB, 19.70% gc time)
distance squared from orbit of 21 to 12 is at most 0.5000000000000119. 10 tries
  1.941039 seconds (8.15 M allocations: 3.703 GiB, 19.66% gc time)
distance squared from orbit of 21 to 13 is at most 0.4404230663443451. 10 tries
  0.248051 seconds (1.06 M allocations: 492.587 MiB, 19.32% gc time)
distance squared from orbit of 21 to 14 is at most 0.5000000000000312. 10 tries
  0.213209 seconds (906.58 k allocations: 421.680 MiB, 18.29% gc time)
distance squared from orbit of 21 to 15 is at most 0.6458333333333848. 10 tries
  1.706359 seconds (7.20 M allocations: 3.270 GiB, 19.42% gc time)
distance squared from orbit of 21 to 16 is at most 0.8750000321235882. 10 tries
  1.797101 seconds (7.58 M allocations: 3.443 GiB, 19.54% gc time)
distance squared from orbit of 21 to 17 is at most 0.5000000006485721. 10 tries
  0.192911 seconds (808.73 k allocations: 376.093 MiB, 20.07% gc time)
distance squared from orbit of 21 to 18 is at most 0.20000000000003018. 10 tries
  4.958644 seconds (21.00 M allocations: 9.536 GiB, 19.43% gc time)
distance squared from orbit of 21 to 19 is at most 0.33333336289093407. 10 tries
  5.490507 seconds (21.16 M allocations: 9.612 GiB, 19.57% gc time)
distance squared from orbit of 21 to 20 is at most 0.16666674130396128. 10 tries
  0.017160 seconds (84.52 k allocations: 39.306 MiB)
distance squared from orbit of 21 to 21 is at most 3.5262171097919527e-12. 1 tries
  1.487441 seconds (6.27 M allocations: 2.849 GiB, 19.71% gc time)
distance squared from orbit of 21 to 22 is at most 0.8750000226205474. 10 tries
  0.484351 seconds (2.09 M allocations: 972.356 MiB, 18.10% gc time)
distance squared from orbit of 21 to 23 is at most 8.01134703598284e-8. 1 tries

  0.177377 seconds (721.25 k allocations: 335.468 MiB, 22.15% gc time)
distance squared from orbit of 22 to 1 is at most 1.0000000000000142. 10 tries
  3.320933 seconds (14.11 M allocations: 6.407 GiB, 19.43% gc time)
distance squared from orbit of 22 to 2 is at most 0.9166862508514282. 10 tries
  0.189985 seconds (782.92 k allocations: 364.105 MiB, 20.70% gc time)
distance squared from orbit of 22 to 3 is at most 0.9370994204249926. 10 tries
  0.186389 seconds (770.12 k allocations: 358.121 MiB, 20.87% gc time)
distance squared from orbit of 22 to 4 is at most 0.666666666666679. 10 tries
  0.213546 seconds (901.58 k allocations: 419.351 MiB, 18.54% gc time)
distance squared from orbit of 22 to 5 is at most 1.3333333333334034. 10 tries
  5.617040 seconds (20.88 M allocations: 9.484 GiB, 18.97% gc time)
distance squared from orbit of 22 to 6 is at most 0.6666771699452932. 10 tries
  0.726343 seconds (2.86 M allocations: 1.299 GiB, 19.93% gc time)
distance squared from orbit of 22 to 7 is at most 0.9402229344514158. 10 tries
  4.490559 seconds (17.77 M allocations: 8.069 GiB, 19.10% gc time)
distance squared from orbit of 22 to 8 is at most 0.5000000046798673. 10 tries
  0.253779 seconds (1.10 M allocations: 510.888 MiB, 19.16% gc time)
distance squared from orbit of 22 to 9 is at most 0.5000000000001208. 10 tries
  1.164599 seconds (4.69 M allocations: 2.129 GiB, 19.61% gc time)
distance squared from orbit of 22 to 10 is at most 0.37500000000008465. 10 tries
  0.438017 seconds (1.76 M allocations: 817.440 MiB, 18.79% gc time)
distance squared from orbit of 22 to 11 is at most 0.6666666666671303. 10 tries
  2.722991 seconds (9.16 M allocations: 4.161 GiB, 19.23% gc time)
distance squared from orbit of 22 to 12 is at most 0.9500060016201058. 10 tries
  5.647768 seconds (20.83 M allocations: 9.462 GiB, 19.28% gc time)
distance squared from orbit of 22 to 13 is at most 0.4406335878339775. 10 tries
  2.307605 seconds (8.88 M allocations: 4.034 GiB, 19.26% gc time)
distance squared from orbit of 22 to 14 is at most 0.6666666697080686. 10 tries
  0.815829 seconds (3.04 M allocations: 1.382 GiB, 18.85% gc time)
distance squared from orbit of 22 to 15 is at most 0.33333333333338266. 10 tries
  0.729661 seconds (2.81 M allocations: 1.275 GiB, 19.06% gc time)
distance squared from orbit of 22 to 16 is at most 0.5000000000000282. 10 tries
  4.823143 seconds (19.69 M allocations: 8.942 GiB, 19.75% gc time)
distance squared from orbit of 22 to 17 is at most 0.5000000035244149. 10 tries
  5.513758 seconds (20.46 M allocations: 9.292 GiB, 19.20% gc time)
distance squared from orbit of 22 to 18 is at most 0.6000000867284392. 10 tries
  5.132957 seconds (19.66 M allocations: 8.931 GiB, 19.33% gc time)
distance squared from orbit of 22 to 19 is at most 0.33333333348044675. 10 tries
  5.373908 seconds (20.27 M allocations: 9.207 GiB, 18.94% gc time)
distance squared from orbit of 22 to 20 is at most 0.16666667291890438. 10 tries
  1.581987 seconds (4.72 M allocations: 2.143 GiB, 17.87% gc time)
distance squared from orbit of 22 to 21 is at most 0.5000003698317023. 10 tries
  0.021679 seconds (46.58 k allocations: 21.663 MiB, 50.69% gc time)
distance squared from orbit of 22 to 22 is at most 1.8459951740334306e-13. 1 tries
  0.992592 seconds (4.23 M allocations: 1.922 GiB, 18.80% gc time)
distance squared from orbit of 22 to 23 is at most 4.383850250277859e-7. 3 tries

  0.212077 seconds (882.35 k allocations: 410.371 MiB, 22.75% gc time)
distance squared from orbit of 23 to 1 is at most 1.000000000000007. 10 tries
  0.613270 seconds (2.66 M allocations: 1.206 GiB, 19.16% gc time)
distance squared from orbit of 23 to 2 is at most 0.9166666666666813. 10 tries
  0.325164 seconds (1.34 M allocations: 623.744 MiB, 18.79% gc time)
distance squared from orbit of 23 to 3 is at most 1.0000000000000355. 10 tries
  0.294577 seconds (1.02 M allocations: 474.281 MiB, 19.06% gc time)
distance squared from orbit of 23 to 4 is at most 0.8333333333333628. 10 tries
  0.224782 seconds (775.68 k allocations: 360.769 MiB, 20.45% gc time)
distance squared from orbit of 23 to 5 is at most 1.3333333333333757. 10 tries
  1.378025 seconds (5.15 M allocations: 2.338 GiB, 18.93% gc time)
distance squared from orbit of 23 to 6 is at most 0.666666666774871. 10 tries
  0.480597 seconds (1.89 M allocations: 877.364 MiB, 17.48% gc time)
distance squared from orbit of 23 to 7 is at most 0.9321105255405562. 10 tries
  0.490435 seconds (1.82 M allocations: 847.396 MiB, 19.65% gc time)
distance squared from orbit of 23 to 8 is at most 0.5000000000000896. 10 tries
  1.225380 seconds (4.74 M allocations: 2.153 GiB, 19.24% gc time)
distance squared from orbit of 23 to 9 is at most 1.0000000000461644. 10 tries
  0.276770 seconds (1.01 M allocations: 470.619 MiB, 19.96% gc time)
distance squared from orbit of 23 to 10 is at most 0.5000000000000316. 10 tries
  0.603796 seconds (2.25 M allocations: 1.025 GiB, 18.24% gc time)
distance squared from orbit of 23 to 11 is at most 0.9791666666707864. 10 tries
  0.615042 seconds (2.25 M allocations: 1.020 GiB, 19.82% gc time)
distance squared from orbit of 23 to 12 is at most 0.9500000000002298. 10 tries
  0.257023 seconds (949.45 k allocations: 441.647 MiB, 17.47% gc time)
distance squared from orbit of 23 to 13 is at most 0.4406335061551001. 10 tries
  0.613709 seconds (2.03 M allocations: 941.966 MiB, 19.43% gc time)
distance squared from orbit of 23 to 14 is at most 0.6666666666667078. 10 tries
  0.279332 seconds (1.00 M allocations: 466.627 MiB, 16.64% gc time)
distance squared from orbit of 23 to 15 is at most 0.6666666666668012. 10 tries
  0.320364 seconds (1.13 M allocations: 527.199 MiB, 20.87% gc time)
distance squared from orbit of 23 to 16 is at most 0.875000000000126. 10 tries
  1.440807 seconds (4.51 M allocations: 2.048 GiB, 18.45% gc time)
distance squared from orbit of 23 to 17 is at most 0.5000000000000306. 10 tries
  0.200242 seconds (835.09 k allocations: 388.399 MiB, 15.43% gc time)
distance squared from orbit of 23 to 18 is at most 0.6000000016317334. 10 tries
  0.277887 seconds (1.09 M allocations: 506.894 MiB, 22.60% gc time)
distance squared from orbit of 23 to 19 is at most 0.33333333333349163. 10 tries
  0.232407 seconds (959.51 k allocations: 446.312 MiB, 17.60% gc time)
distance squared from orbit of 23 to 20 is at most 0.1666666666666969. 10 tries
  0.258741 seconds (1.04 M allocations: 484.267 MiB, 20.08% gc time)
distance squared from orbit of 23 to 21 is at most 0.5000000000000612. 10 tries
  0.532716 seconds (2.20 M allocations: 1023.151 MiB, 19.10% gc time)
distance squared from orbit of 23 to 22 is at most 0.8750000000000243. 10 tries
  0.012437 seconds (64.47 k allocations: 29.985 MiB)
distance squared from orbit of 23 to 23 is at most 4.618772910314479e-13. 1 tries

first run done

second run
distance squared from orbit of 1 to 6 will be revised since for 1 3 6: 4.690370893413399e-11+0.3333333334303624<0.33333333762932654
revised distance squared from orbit of 1 to 6 is at most 0.33333333345568233.
distance squared from orbit of 1 to 7 will be revised since for 1 3 7: 4.690370893413399e-11+0.20000000000807894<0.200000000217467
revised distance squared from orbit of 1 to 7 is at most 0.20000000002258708.
distance squared from orbit of 1 to 8 will be revised since for 1 3 8: 4.690370893413399e-11+3.512082237424113e-10<9.637461752532028e-7
revised distance squared from orbit of 1 to 8 is at most 3.7977719313231946e-10.
distance squared from orbit of 1 to 9 will be revised since for 1 3 9: 4.690370893413399e-11+3.540142875819456e-8<2.9518683378598e-7
revised distance squared from orbit of 1 to 9 is at most 2.3346096191740106e-8.
distance squared from orbit of 1 to 10 will be revised since for 1 3 10: 4.690370893413399e-11+5.200381077407878e-9<1.4787401119654567e-5
revised distance squared from orbit of 1 to 10 is at most 1.3725018937086242e-8.
distance squared from orbit of 1 to 12 will be revised since for 1 7 12: 0.20000000002258708+0.25000000145100554<0.5000000000125124
revised distance squared from orbit of 1 to 12 is at most 0.5000000000125124.
distance squared from orbit of 1 to 12 will be revised since for 1 18 12: 0.2000022225239855+0.2500000000000241<0.5000000000125124
revised distance squared from orbit of 1 to 12 is at most 0.5000000000125124.
distance squared from orbit of 1 to 13 will be revised since for 1 9 13: 2.3346096191740106e-8+1.6221437404151825e-6<1.4084974200003334e-5
revised distance squared from orbit of 1 to 13 is at most 1.4084974200003334e-5.
distance squared from orbit of 1 to 14 will be revised since for 1 3 14: 4.690370893413399e-11+9.741665047919257e-6<0.0002006839868991689
revised distance squared from orbit of 1 to 14 is at most 8.470474728131084e-5.
distance squared from orbit of 1 to 14 will be revised since for 1 4 14: 2.417804599474063e-9+7.480394254751195e-9<8.470474728131084e-5
revised distance squared from orbit of 1 to 14 is at most 2.2170912401241127e-6.
distance squared from orbit of 1 to 14 will be revised since for 1 8 14: 3.7977719313231946e-10+1.0759759688677524e-7<2.2170912401241127e-6
revised distance squared from orbit of 1 to 14 is at most 2.2170912401241127e-6.
distance squared from orbit of 1 to 14 will be revised since for 1 10 14: 1.3725018937086242e-8+7.21911927373819e-8<2.2170912401241127e-6
revised distance squared from orbit of 1 to 14 is at most 2.2170912401241127e-6.
distance squared from orbit of 1 to 15 will be revised since for 1 4 15: 2.417804599474063e-9+9.746637820280875e-7<8.995628493529054e-5
revised distance squared from orbit of 1 to 15 is at most 1.1273781340556828e-6.
distance squared from orbit of 1 to 15 will be revised since for 1 9 15: 2.3346096191740106e-8+2.7516510900433383e-7<1.1273781340556828e-6
revised distance squared from orbit of 1 to 15 is at most 1.1273781340556828e-6.
distance squared from orbit of 1 to 17 will be revised since for 1 3 17: 4.690370893413399e-11+0.2557849739854668<0.4998212469641491
revised distance squared from orbit of 1 to 17 is at most 0.2530192976627038.
distance squared from orbit of 1 to 17 will be revised since for 1 9 17: 2.3346096191740106e-8+0.25159639190434085<0.2530192976627038
revised distance squared from orbit of 1 to 17 is at most 0.2530192976627038.
distance squared from orbit of 1 to 17 will be revised since for 1 13 17: 1.4084974200003334e-5+0.25012919239061054<0.2530192976627038
revised distance squared from orbit of 1 to 17 is at most 0.2529937757679715.
distance squared from orbit of 1 to 17 will be revised since for 1 20 17: 0.0006060750859037013+0.2500000000111853<0.2529937757679715
revised distance squared from orbit of 1 to 17 is at most 0.25286324516027997.
distance squared from orbit of 1 to 18 will be revised since for 1 3 18: 4.690370893413399e-11+0.20000000051971098<0.2000022225239855
revised distance squared from orbit of 1 to 18 is at most 0.20000000053479255.
distance squared from orbit of 1 to 18 will be revised since for 1 8 18: 3.7977719313231946e-10+0.20000000000025955<0.20000000053479255
revised distance squared from orbit of 1 to 18 is at most 0.20000000007973753.
distance squared from orbit of 1 to 19 will be revised since for 1 4 19: 2.417804599474063e-9+6.647613473930702e-7<0.000487451510789052
revised distance squared from orbit of 1 to 19 is at most 8.704186067339618e-6.
distance squared from orbit of 1 to 19 will be revised since for 1 10 19: 1.3725018937086242e-8+1.1911716501194083e-6<8.704186067339618e-6
revised distance squared from orbit of 1 to 19 is at most 8.704186067339618e-6.
distance squared from orbit of 1 to 20 will be revised since for 1 3 20: 4.690370893413399e-11+0.00013501291486533946<0.0006060750859037013
revised distance squared from orbit of 1 to 20 is at most 8.23732357805451e-5.
distance squared from orbit of 1 to 20 will be revised since for 1 9 20: 2.3346096191740106e-8+2.2014626825724582e-5<8.23732357805451e-5
revised distance squared from orbit of 1 to 20 is at most 7.651276419173611e-5.
distance squared from orbit of 1 to 20 will be revised since for 1 13 20: 1.4084974200003334e-5+2.3173178116386578e-7<7.651276419173611e-5
revised distance squared from orbit of 1 to 20 is at most 7.651276419173611e-5.
distance squared from orbit of 1 to 21 will be revised since for 1 4 21: 2.417804599474063e-9+7.862249340628232e-8<2.1416435886041514e-6
revised distance squared from orbit of 1 to 21 is at most 2.1416435886041514e-6.
distance squared from orbit of 1 to 21 will be revised since for 1 8 21: 3.7977719313231946e-10+2.104035222611083e-6<2.1416435886041514e-6
revised distance squared from orbit of 1 to 21 is at most 2.1416435886041514e-6.
distance squared from orbit of 1 to 21 will be revised since for 1 10 21: 1.3725018937086242e-8+2.7384698575935387e-8<2.1416435886041514e-6
revised distance squared from orbit of 1 to 21 is at most 2.1416435886041514e-6.
distance squared from orbit of 1 to 21 will be revised since for 1 15 21: 1.1273781340556828e-6+6.549007850755832e-7<2.1416435886041514e-6
revised distance squared from orbit of 1 to 21 is at most 2.1416435886041514e-6.
distance squared from orbit of 1 to 23 will be revised since for 1 3 23: 4.690370893413399e-11+6.806574823606655e-8<0.0004215796017670361
revised distance squared from orbit of 1 to 23 is at most 3.6249636690242754e-6.
distance squared from orbit of 1 to 23 will be revised since for 1 4 23: 2.417804599474063e-9+1.093612921713099e-6<3.6249636690242754e-6
revised distance squared from orbit of 1 to 23 is at most 1.1071559622605078e-6.
distance squared from orbit of 1 to 23 will be revised since for 1 22 23: 2.2283354733132625e-9+4.383850250277859e-7<1.1071559622605078e-6
revised distance squared from orbit of 1 to 23 is at most 1.1071559622605078e-6.

distance squared from orbit of 2 to 7 will be revised since for 2 4 7: 0.3333333369387204+0.20000000015549102<0.5889020455456393
revised distance squared from orbit of 2 to 7 is at most 0.5889020455456393.
distance squared from orbit of 2 to 7 will be revised since for 2 8 7: 4.403293018623685e-7+0.20000000000944446<0.5889020455456393
revised distance squared from orbit of 2 to 7 is at most 0.20000009080483144.
distance squared from orbit of 2 to 7 will be revised since for 2 14 7: 4.91061571098064e-9+0.2000000000000981<0.20000009080483144
revised distance squared from orbit of 2 to 7 is at most 0.2000000000879545.
distance squared from orbit of 2 to 9 will be revised since for 2 1 9: 0.5000000000002985+2.3346096191740106e-8<0.5419582998295409
revised distance squared from orbit of 2 to 9 is at most 0.5419582998295409.
distance squared from orbit of 2 to 9 will be revised since for 2 3 9: 0.5000000000264259+3.540142875819456e-8<0.5419582998295409
revised distance squared from orbit of 2 to 9 is at most 0.5419582998295409.
distance squared from orbit of 2 to 13 will be revised since for 2 6 13: 1.1712309280769558e-7+8.346726741476915e-5<0.0001971287729131748
revised distance squared from orbit of 2 to 13 is at most 6.593021357631542e-5.
distance squared from orbit of 2 to 13 will be revised since for 2 8 13: 4.403293018623685e-7+5.615286448731454e-5<6.593021357631542e-5
revised distance squared from orbit of 2 to 13 is at most 4.277864328332686e-5.
distance squared from orbit of 2 to 19 will be revised since for 2 6 19: 1.1712309280769558e-7+9.002154476570412e-8<0.00022202008961776497
revised distance squared from orbit of 2 to 19 is at most 1.4965608273233856e-6.
distance squared from orbit of 2 to 20 will be revised since for 2 8 20: 4.403293018623685e-7+0.00021045762696099627<0.0002485143963994851
revised distance squared from orbit of 2 to 20 is at most 0.00015731360177627949.
distance squared from orbit of 2 to 20 will be revised since for 2 13 20: 4.277864328332686e-5+2.3173178116386578e-7<0.00015731360177627949
revised distance squared from orbit of 2 to 20 is at most 0.00015731360177627949.
distance squared from orbit of 2 to 20 will be revised since for 2 18 20: 7.872143435608598e-7+2.0986109542195287e-5<0.00015731360177627949
revised distance squared from orbit of 2 to 20 is at most 1.6526810070182195e-5.
distance squared from orbit of 2 to 21 will be revised since for 2 14 21: 4.91061571098064e-9+4.320819279485753e-8<7.199030463236371e-7
revised distance squared from orbit of 2 to 21 is at most 7.199030463236371e-7.
distance squared from orbit of 2 to 22 will be revised since for 2 1 22: 0.5000000000002985+2.2283354733132625e-9<0.5000000028194479
revised distance squared from orbit of 2 to 22 is at most 0.5000000028194479.
distance squared from orbit of 2 to 22 will be revised since for 2 4 22: 0.3333333369387204+0.00011750332816364824<0.5000000028194479
revised distance squared from orbit of 2 to 22 is at most 0.5000000028194479.
distance squared from orbit of 2 to 22 will be revised since for 2 10 22: 0.33333333522365344+3.461059854922562e-5<0.5000000028194479
revised distance squared from orbit of 2 to 22 is at most 0.5000000028194479.
distance squared from orbit of 2 to 22 will be revised since for 2 15 22: 0.3260768770997252+3.724431103776777e-8<0.5000000028194479
revised distance squared from orbit of 2 to 22 is at most 0.5000000028194479.
distance squared from orbit of 2 to 23 will be revised since for 2 6 23: 1.1712309280769558e-7+5.966707200622681e-7<0.00011437630112138158
revised distance squared from orbit of 2 to 23 is at most 1.26568655463176e-5.
distance squared from orbit of 2 to 23 will be revised since for 2 14 23: 4.91061571098064e-9+5.597286291004132e-7<1.26568655463176e-5
revised distance squared from orbit of 2 to 23 is at most 1.26568655463176e-5.
distance squared from orbit of 2 to 23 will be revised since for 2 19 23: 1.4965608273233856e-6+7.995887543055823e-7<1.26568655463176e-5
revised distance squared from orbit of 2 to 23 is at most 1.26568655463176e-5.
distance squared from orbit of 2 to 23 will be revised since for 2 21 23: 7.199030463236371e-7+8.01134703598284e-8<1.26568655463176e-5
revised distance squared from orbit of 2 to 23 is at most 2.4580302794388205e-6.

distance squared from orbit of 3 to 2 will be revised since for 3 8 2: 3.512082237424113e-10+0.33333333333340853<0.5833333333333873
revised distance squared from orbit of 3 to 2 is at most 0.3333333337021806.
distance squared from orbit of 3 to 12 will be revised since for 3 7 12: 0.20000000000807894+0.25000000145100554<0.5000000000001374
revised distance squared from orbit of 3 to 12 is at most 0.5000000000001374.
distance squared from orbit of 3 to 12 will be revised since for 3 18 12: 0.20000000051971098+0.2500000000000241<0.5000000000001374
revised distance squared from orbit of 3 to 12 is at most 0.5000000000001374.
distance squared from orbit of 3 to 13 will be revised since for 3 9 13: 3.540142875819456e-8+1.6221437404151825e-6<1.5393051702464955e-5
revised distance squared from orbit of 3 to 13 is at most 4.369592260257876e-6.
distance squared from orbit of 3 to 14 will be revised since for 3 8 14: 3.512082237424113e-10+1.0759759688677524e-7<9.741665047919257e-6
revised distance squared from orbit of 3 to 14 is at most 1.0973405704351779e-7.
distance squared from orbit of 3 to 14 will be revised since for 3 10 14: 5.200381077407878e-9+7.21911927373819e-8<1.0973405704351779e-7
revised distance squared from orbit of 3 to 14 is at most 1.0973405704351779e-7.
distance squared from orbit of 3 to 15 will be revised since for 3 9 15: 3.540142875819456e-8+2.7516510900433383e-7<0.0003394721789445783
revised distance squared from orbit of 3 to 15 is at most 4.552182558127568e-7.
distance squared from orbit of 3 to 17 will be revised since for 3 8 17: 3.512082237424113e-10+0.2547617221253965<0.2557849739854668
revised distance squared from orbit of 3 to 17 is at most 0.250829212798954.
distance squared from orbit of 3 to 17 will be revised since for 3 13 17: 4.369592260257876e-6+0.25012919239061054<0.250829212798954
revised distance squared from orbit of 3 to 17 is at most 0.250829212798954.
distance squared from orbit of 3 to 17 will be revised since for 3 20 17: 0.00013501291486533946+0.2500000000111853<0.250829212798954
revised distance squared from orbit of 3 to 17 is at most 0.250829212798954.
distance squared from orbit of 3 to 18 will be revised since for 3 8 18: 3.512082237424113e-10+0.20000000000025955<0.20000000051971098
revised distance squared from orbit of 3 to 18 is at most 0.20000000007983487.
distance squared from orbit of 3 to 19 will be revised since for 3 9 19: 3.540142875819456e-8+0.0006769061504315461<0.0008553584625885956
revised distance squared from orbit of 3 to 19 is at most 0.0006684320681996045.
distance squared from orbit of 3 to 19 will be revised since for 3 10 19: 5.200381077407878e-9+1.1911716501194083e-6<0.0006684320681996045
revised distance squared from orbit of 3 to 19 is at most 1.3146403873106354e-5.
distance squared from orbit of 3 to 19 will be revised since for 3 13 19: 4.369592260257876e-6+9.413790254886094e-7<1.3146403873106354e-5
revised distance squared from orbit of 3 to 19 is at most 1.3146403873106354e-5.
distance squared from orbit of 3 to 19 will be revised since for 3 15 19: 4.552182558127568e-7+9.076673087669767e-6<1.3146403873106354e-5
revised distance squared from orbit of 3 to 19 is at most 1.3146403873106354e-5.
distance squared from orbit of 3 to 20 will be revised since for 3 9 20: 3.540142875819456e-8+2.2014626825724582e-5<0.00013501291486533946
revised distance squared from orbit of 3 to 20 is at most 3.8410401003639115e-5.
distance squared from orbit of 3 to 20 will be revised since for 3 13 20: 4.369592260257876e-6+2.3173178116386578e-7<3.8410401003639115e-5
revised distance squared from orbit of 3 to 20 is at most 3.8410401003639115e-5.
distance squared from orbit of 3 to 21 will be revised since for 3 8 21: 3.512082237424113e-10+2.104035222611083e-6<1.3369413912519052e-5
revised distance squared from orbit of 3 to 21 is at most 2.101781147737596e-6.
distance squared from orbit of 3 to 21 will be revised since for 3 10 21: 5.200381077407878e-9+2.7384698575935387e-8<2.101781147737596e-6
revised distance squared from orbit of 3 to 21 is at most 2.101781147737596e-6.
distance squared from orbit of 3 to 21 will be revised since for 3 14 21: 1.0973405704351779e-7+4.320819279485753e-8<2.101781147737596e-6
revised distance squared from orbit of 3 to 21 is at most 2.101781147737596e-6.
distance squared from orbit of 3 to 21 will be revised since for 3 15 21: 4.552182558127568e-7+6.549007850755832e-7<2.101781147737596e-6
revised distance squared from orbit of 3 to 21 is at most 2.101781147737596e-6.
distance squared from orbit of 3 to 22 will be revised since for 3 9 22: 3.540142875819456e-8+4.8528821558873626e-8<6.630372161885599e-7
revised distance squared from orbit of 3 to 22 is at most 5.003340685607144e-8.

distance squared from orbit of 4 to 2 will be revised since for 4 3 2: 0.5000000006319384+0.3333333337021806<1.000000000000143
revised distance squared from orbit of 4 to 2 is at most 0.8334618720594376.
distance squared from orbit of 4 to 2 will be revised since for 4 7 2: 0.20000000015549102+0.5000000011356924<0.8334618720594376
revised distance squared from orbit of 4 to 2 is at most 0.8333394932287641.
distance squared from orbit of 4 to 2 will be revised since for 4 8 2: 0.5000000086868255+0.33333333333340853<0.8333394932287641
revised distance squared from orbit of 4 to 2 is at most 0.8333394932287641.
distance squared from orbit of 4 to 2 will be revised since for 4 10 2: 8.874732477996175e-7+0.7333341296919881<0.8333394932287641
revised distance squared from orbit of 4 to 2 is at most 0.7333335544479099.
distance squared from orbit of 4 to 2 will be revised since for 4 14 2: 7.480394254751195e-9+0.6666666743803712<0.7333335544479099
revised distance squared from orbit of 4 to 2 is at most 0.6666668801141548.
distance squared from orbit of 4 to 2 will be revised since for 4 21 2: 7.862249340628232e-8+0.6666666666668465<0.6666668801141548
revised distance squared from orbit of 4 to 2 is at most 0.6666666746684983.
distance squared from orbit of 4 to 6 will be revised since for 4 7 6: 0.20000000015549102+0.3333334656011004<0.6273220062527215
revised distance squared from orbit of 4 to 6 is at most 0.6273220062527215.
distance squared from orbit of 4 to 6 will be revised since for 4 13 6: 0.16666691556824464+0.3334250465377652<0.6273220062527215
revised distance squared from orbit of 4 to 6 is at most 0.6273220062527215.
distance squared from orbit of 4 to 6 will be revised since for 4 18 6: 0.2000000016579928+0.3333333347333823<0.6273220062527215
revised distance squared from orbit of 4 to 6 is at most 0.6273220062527215.
distance squared from orbit of 4 to 6 will be revised since for 4 20 6: 0.1666670403088053+0.3333333333583463<0.6273220062527215
revised distance squared from orbit of 4 to 6 is at most 0.6273220062527215.
distance squared from orbit of 4 to 8 will be revised since for 4 3 8: 0.5000000006319384+3.512082237424113e-10<0.5000000086868255
revised distance squared from orbit of 4 to 8 is at most 0.5000000086868255.
distance squared from orbit of 4 to 8 will be revised since for 4 14 8: 7.480394254751195e-9+0.5000000000444984<0.5000000086868255
revised distance squared from orbit of 4 to 8 is at most 0.5000000013227978.
distance squared from orbit of 4 to 9 will be revised since for 4 3 9: 0.5000000006319384+3.540142875819456e-8<0.5001088176366681
revised distance squared from orbit of 4 to 9 is at most 0.5001088176366681.
distance squared from orbit of 4 to 9 will be revised since for 4 10 9: 8.874732477996175e-7+0.5000171371378833<0.5001088176366681
revised distance squared from orbit of 4 to 9 is at most 0.5001088176366681.
distance squared from orbit of 4 to 9 will be revised since for 4 15 9: 9.746637820280875e-7+0.5000001154597059<0.5001088176366681
revised distance squared from orbit of 4 to 9 is at most 0.5001088176366681.
distance squared from orbit of 4 to 11 will be revised since for 4 10 11: 8.874732477996175e-7+0.6666666695970845<0.6668422255187376
revised distance squared from orbit of 4 to 11 is at most 0.6667130018751901.
distance squared from orbit of 4 to 11 will be revised since for 4 15 11: 9.746637820280875e-7+0.6666667051262726<0.6667130018751901
revised distance squared from orbit of 4 to 11 is at most 0.6667130018751901.
distance squared from orbit of 4 to 12 will be revised since for 4 7 12: 0.20000000015549102+0.25000000145100554<0.5000000002947357
revised distance squared from orbit of 4 to 12 is at most 0.5000000002947357.
distance squared from orbit of 4 to 12 will be revised since for 4 18 12: 0.2000000016579928+0.2500000000000241<0.5000000002947357
revised distance squared from orbit of 4 to 12 is at most 0.5000000002947357.
distance squared from orbit of 4 to 16 will be revised since for 4 10 16: 8.874732477996175e-7+0.5000004453613963<0.5001281732449445
revised distance squared from orbit of 4 to 16 is at most 0.5000797668215231.
distance squared from orbit of 4 to 16 will be revised since for 4 15 16: 9.746637820280875e-7+0.5000000076121053<0.5000797668215231
revised distance squared from orbit of 4 to 16 is at most 0.5000101343540748.
distance squared from orbit of 4 to 17 will be revised since for 4 7 17: 0.20000000015549102+0.25000046906255247<0.5000003886968399
revised distance squared from orbit of 4 to 17 is at most 0.5000003886968399.
distance squared from orbit of 4 to 17 will be revised since for 4 12 17: 0.5000000002947357+6.84717979129814e-11<0.5000003886968399
revised distance squared from orbit of 4 to 17 is at most 0.5000000002429835.
distance squared from orbit of 4 to 17 will be revised since for 4 13 17: 0.16666691556824464+0.25012919239061054<0.5000000002429835
revised distance squared from orbit of 4 to 17 is at most 0.5000000002429835.
distance squared from orbit of 4 to 17 will be revised since for 4 18 17: 0.2000000016579928+0.25000000017414514<0.5000000002429835
revised distance squared from orbit of 4 to 17 is at most 0.5000000002429835.
distance squared from orbit of 4 to 17 will be revised since for 4 20 17: 0.1666670403088053+0.2500000000111853<0.5000000002429835
revised distance squared from orbit of 4 to 17 is at most 0.5000000002429835.
distance squared from orbit of 4 to 20 will be revised since for 4 21 20: 7.862249340628232e-8+0.16666674130396128<0.1666670403088053
revised distance squared from orbit of 4 to 20 is at most 0.16666672867437932.
distance squared from orbit of 4 to 21 will be revised since for 4 14 21: 7.480394254751195e-9+4.320819279485753e-8<7.862249340628232e-8
revised distance squared from orbit of 4 to 21 is at most 2.5702176668773888e-8.
distance squared from orbit of 4 to 22 will be revised since for 4 10 22: 8.874732477996175e-7+3.461059854922562e-5<0.00011750332816364824
revised distance squared from orbit of 4 to 22 is at most 0.00011750332816364824.
distance squared from orbit of 4 to 22 will be revised since for 4 15 22: 9.746637820280875e-7+3.724431103776777e-8<0.00011750332816364824
revised distance squared from orbit of 4 to 22 is at most 0.00011750332816364824.
distance squared from orbit of 4 to 23 will be revised since for 4 14 23: 7.480394254751195e-9+5.597286291004132e-7<1.093612921713099e-6
revised distance squared from orbit of 4 to 23 is at most 8.465816992659068e-7.
distance squared from orbit of 4 to 23 will be revised since for 4 21 23: 2.5702176668773888e-8+8.01134703598284e-8<8.465816992659068e-7
revised distance squared from orbit of 4 to 23 is at most 1.9850857119940633e-7.

distance squared from orbit of 5 to 1 will be revised since for 5 11 1: 7.225707873384549e-6+0.9770018541118775<0.9770146437555324
revised distance squared from orbit of 5 to 1 is at most 0.9770023959943734.
distance squared from orbit of 5 to 2 will be revised since for 5 7 2: 0.20000000006284951+0.5000000011356924<0.7333333344521247
revised distance squared from orbit of 5 to 2 is at most 0.7333333344521247.
distance squared from orbit of 5 to 2 will be revised since for 5 11 2: 7.225707873384549e-6+0.6666666666667985<0.7333333344521247
revised distance squared from orbit of 5 to 2 is at most 0.6666680990783596.
distance squared from orbit of 5 to 2 will be revised since for 5 14 2: 8.124410473104478e-10+0.6666666743803712<0.6666680990783596
revised distance squared from orbit of 5 to 2 is at most 0.666666807883171.
distance squared from orbit of 5 to 6 will be revised since for 5 7 6: 0.20000000006284951+0.3333334656011004<0.616386948513329
revised distance squared from orbit of 5 to 6 is at most 0.616386948513329.
distance squared from orbit of 5 to 6 will be revised since for 5 11 6: 7.225707873384549e-6+0.5993389780077931<0.616386948513329
revised distance squared from orbit of 5 to 6 is at most 0.5993397040800931.
distance squared from orbit of 5 to 6 will be revised since for 5 13 6: 0.16682682345060387+0.3334250465377652<0.5993397040800931
revised distance squared from orbit of 5 to 6 is at most 0.5993397040800931.
distance squared from orbit of 5 to 6 will be revised since for 5 18 6: 0.20000111221354214+0.3333333347333823<0.5993397040800931
revised distance squared from orbit of 5 to 6 is at most 0.5993397040800931.
distance squared from orbit of 5 to 6 will be revised since for 5 20 6: 0.16700419890967513+0.3333333333583463<0.5993397040800931
revised distance squared from orbit of 5 to 6 is at most 0.5993397040800931.
distance squared from orbit of 5 to 12 will be revised since for 5 7 12: 0.20000000006284951+0.25000000145100554<0.5000027884106348
revised distance squared from orbit of 5 to 12 is at most 0.5000000035335257.
distance squared from orbit of 5 to 12 will be revised since for 5 14 12: 8.124410473104478e-10+0.5000000004384669<0.5000000035335257
revised distance squared from orbit of 5 to 12 is at most 0.5000000023800676.
distance squared from orbit of 5 to 12 will be revised since for 5 18 12: 0.20000111221354214+0.2500000000000241<0.5000000023800676
revised distance squared from orbit of 5 to 12 is at most 0.5000000023800676.
distance squared from orbit of 5 to 13 will be revised since for 5 11 13: 7.225707873384549e-6+0.16666666751136447<0.16682682345060387
revised distance squared from orbit of 5 to 13 is at most 0.1666710346927715.
distance squared from orbit of 5 to 15 will be revised since for 5 14 15: 8.124410473104478e-10+0.3260768737169596<0.32607688430872245
revised distance squared from orbit of 5 to 15 is at most 0.32607687380624495.
distance squared from orbit of 5 to 17 will be revised since for 5 7 17: 0.20000000006284951+0.25000046906255247<0.5000000000057041
revised distance squared from orbit of 5 to 17 is at most 0.5000000000057041.
distance squared from orbit of 5 to 17 will be revised since for 5 13 17: 0.1666710346927715+0.25012919239061054<0.5000000000057041
revised distance squared from orbit of 5 to 17 is at most 0.5000000000057041.
distance squared from orbit of 5 to 17 will be revised since for 5 18 17: 0.20000111221354214+0.25000000017414514<0.5000000000057041
revised distance squared from orbit of 5 to 17 is at most 0.5000000000057041.
distance squared from orbit of 5 to 17 will be revised since for 5 20 17: 0.16700419890967513+0.2500000000111853<0.5000000000057041
revised distance squared from orbit of 5 to 17 is at most 0.5000000000057041.
distance squared from orbit of 5 to 18 will be revised since for 5 7 18: 0.20000000006284951+2.3733382077127282e-9<0.20000111221354214
revised distance squared from orbit of 5 to 18 is at most 0.2000000028728502.
distance squared from orbit of 5 to 18 will be revised since for 5 14 18: 8.124410473104478e-10+0.20000000003896987<0.2000000028728502
revised distance squared from orbit of 5 to 18 is at most 0.2000000028728502.
distance squared from orbit of 5 to 19 will be revised since for 5 11 19: 7.225707873384549e-6+2.235975073395793e-8<0.00010685462246983684
revised distance squared from orbit of 5 to 19 is at most 1.801306029310787e-6.
distance squared from orbit of 5 to 20 will be revised since for 5 11 20: 7.225707873384549e-6+0.1666694267881068<0.16700419890967513
revised distance squared from orbit of 5 to 20 is at most 0.16666942569601825.
distance squared from orbit of 5 to 20 will be revised since for 5 14 20: 8.124410473104478e-10+0.1666679861468978<0.16666942569601825
revised distance squared from orbit of 5 to 20 is at most 0.16666787245463696.
distance squared from orbit of 5 to 20 will be revised since for 5 21 20: 6.063847859563902e-7+0.16666674130396128<0.16666787245463696
revised distance squared from orbit of 5 to 20 is at most 0.16666710624947956.
distance squared from orbit of 5 to 21 will be revised since for 5 14 21: 8.124410473104478e-10+4.320819279485753e-8<6.063847859563902e-7
revised distance squared from orbit of 5 to 21 is at most 6.68250588192159e-8.
distance squared from orbit of 5 to 22 will be revised since for 5 4 22: 0.3333333337026528+0.00011750332816364824<0.4328163439834386
revised distance squared from orbit of 5 to 22 is at most 0.4328163439834386.
distance squared from orbit of 5 to 22 will be revised since for 5 10 22: 0.3333333335938715+3.461059854922562e-5<0.4328163439834386
revised distance squared from orbit of 5 to 22 is at most 0.4328163439834386.
distance squared from orbit of 5 to 22 will be revised since for 5 11 22: 7.225707873384549e-6+0.4328053960685582<0.4328163439834386
revised distance squared from orbit of 5 to 22 is at most 0.4328060376071754.
distance squared from orbit of 5 to 22 will be revised since for 5 15 22: 0.32607687380624495+3.724431103776777e-8<0.4328060376071754
revised distance squared from orbit of 5 to 22 is at most 0.4328060376071754.
distance squared from orbit of 5 to 22 will be revised since for 5 16 22: 0.25000005755547305+9.576673164440107e-8<0.4328060376071754
revised distance squared from orbit of 5 to 22 is at most 0.4328060376071754.
distance squared from orbit of 5 to 23 will be revised since for 5 11 23: 7.225707873384549e-6+1.32268314506516e-6<0.0005434283932713884
revised distance squared from orbit of 5 to 23 is at most 4.042911198374179e-5.
distance squared from orbit of 5 to 23 will be revised since for 5 14 23: 8.124410473104478e-10+5.597286291004132e-7<4.042911198374179e-5
revised distance squared from orbit of 5 to 23 is at most 2.284551496473722e-5.
distance squared from orbit of 5 to 23 will be revised since for 5 19 23: 1.801306029310787e-6+7.995887543055823e-7<2.284551496473722e-5
revised distance squared from orbit of 5 to 23 is at most 2.284551496473722e-5.
distance squared from orbit of 5 to 23 will be revised since for 5 21 23: 6.68250588192159e-8+8.01134703598284e-8<2.284551496473722e-5
revised distance squared from orbit of 5 to 23 is at most 3.6250002589513987e-6.

distance squared from orbit of 6 to 1 will be revised since for 6 8 1: 0.25000000000065914+0.5000000000000103<0.8964466094260284
revised distance squared from orbit of 6 to 1 is at most 0.8964466094260284.
distance squared from orbit of 6 to 7 will be revised since for 6 8 7: 0.25000000000065914+0.20000000000944446<0.5889020455429128
revised distance squared from orbit of 6 to 7 is at most 0.5889020455429128.
distance squared from orbit of 6 to 9 will be revised since for 6 3 9: 0.6473671297286967+3.540142875819456e-8<0.6594466049442754
revised distance squared from orbit of 6 to 9 is at most 0.6594466049442754.
distance squared from orbit of 6 to 14 will be revised since for 6 8 14: 0.25000000000065914+1.0759759688677524e-7<0.4262869158922584
revised distance squared from orbit of 6 to 14 is at most 0.4262869158922584.
distance squared from orbit of 6 to 18 will be revised since for 6 19 18: 9.002154476570412e-8+0.20000000063020723<0.20000017040567625
revised distance squared from orbit of 6 to 18 is at most 0.20000002834654027.
distance squared from orbit of 6 to 20 will be revised since for 6 13 20: 8.346726741476915e-5+2.3173178116386578e-7<0.0002485215197930173
revised distance squared from orbit of 6 to 20 is at most 0.0002485215197930173.
distance squared from orbit of 6 to 21 will be revised since for 6 19 21: 9.002154476570412e-8+3.527290939866991e-7<5.5601720989234835e-6
revised distance squared from orbit of 6 to 21 is at most 3.0796519508902654e-6.
distance squared from orbit of 6 to 22 will be revised since for 6 3 22: 0.6473671297286967+5.003340685607144e-8<0.675240476791285
revised distance squared from orbit of 6 to 22 is at most 0.675240476791285.
distance squared from orbit of 6 to 22 will be revised since for 6 4 22: 0.5000000079279346+0.00011750332816364824<0.675240476791285
revised distance squared from orbit of 6 to 22 is at most 0.675240476791285.
distance squared from orbit of 6 to 22 will be revised since for 6 9 22: 0.6594466049442754+4.8528821558873626e-8<0.675240476791285
revised distance squared from orbit of 6 to 22 is at most 0.675240476791285.
distance squared from orbit of 6 to 22 will be revised since for 6 10 22: 0.45873413544184183+3.461059854922562e-5<0.675240476791285
revised distance squared from orbit of 6 to 22 is at most 0.675240476791285.
distance squared from orbit of 6 to 22 will be revised since for 6 15 22: 0.414997291565078+3.724431103776777e-8<0.675240476791285
revised distance squared from orbit of 6 to 22 is at most 0.675240476791285.

distance squared from orbit of 7 to 6 will be revised since for 7 18 6: 2.3733382077127282e-9+0.3333333347333823<0.3333334656011004
revised distance squared from orbit of 7 to 6 is at most 0.3333334656011004.
distance squared from orbit of 7 to 9 will be revised since for 7 3 9: 0.5000000000070979+3.540142875819456e-8<0.5535514783851555
revised distance squared from orbit of 7 to 9 is at most 0.5535514783851555.
distance squared from orbit of 7 to 17 will be revised since for 7 12 17: 0.25000000145100554+6.84717979129814e-11<0.25000046906255247
revised distance squared from orbit of 7 to 17 is at most 0.2500001236211174.
distance squared from orbit of 7 to 17 will be revised since for 7 18 17: 2.3733382077127282e-9+0.25000000017414514<0.2500001236211174
revised distance squared from orbit of 7 to 17 is at most 0.2500001236211174.
distance squared from orbit of 7 to 19 will be revised since for 7 13 19: 0.00010906834857585077+9.413790254886094e-7<0.0017968413500270093
revised distance squared from orbit of 7 to 19 is at most 0.0005562063880766925.
distance squared from orbit of 7 to 19 will be revised since for 7 14 19: 6.866188359096149e-7+2.277784285424035e-5<0.0005562063880766925
revised distance squared from orbit of 7 to 19 is at most 0.0005562063880766925.
distance squared from orbit of 7 to 20 will be revised since for 7 18 20: 2.3733382077127282e-9+2.0986109542195287e-5<5.332060397263414e-5
revised distance squared from orbit of 7 to 20 is at most 1.4345754900521579e-5.
distance squared from orbit of 7 to 22 will be revised since for 7 3 22: 0.5000000000070979+5.003340685607144e-8<0.5000001754079236
revised distance squared from orbit of 7 to 22 is at most 0.5000001754079236.
distance squared from orbit of 7 to 22 will be revised since for 7 4 22: 0.33333362552807405+0.00011750332816364824<0.5000001754079236
revised distance squared from orbit of 7 to 22 is at most 0.5000001754079236.
distance squared from orbit of 7 to 22 will be revised since for 7 10 22: 0.33333336593049273+3.461059854922562e-5<0.5000001754079236
revised distance squared from orbit of 7 to 22 is at most 0.5000001754079236.
distance squared from orbit of 7 to 22 will be revised since for 7 15 22: 0.3260770184658947+3.724431103776777e-8<0.5000001754079236
revised distance squared from orbit of 7 to 22 is at most 0.5000001754079236.
distance squared from orbit of 7 to 23 will be revised since for 7 13 23: 0.00010906834857585077+2.1351873521118264e-8<0.00017869332500034964
revised distance squared from orbit of 7 to 23 is at most 0.00017869332500034964.
distance squared from orbit of 7 to 23 will be revised since for 7 14 23: 6.866188359096149e-7+5.597286291004132e-7<0.00017869332500034964
revised distance squared from orbit of 7 to 23 is at most 0.00017869332500034964.
distance squared from orbit of 7 to 23 will be revised since for 7 18 23: 2.3733382077127282e-9+0.00013964449151193507<0.00017869332500034964
revised distance squared from orbit of 7 to 23 is at most 0.00012239333639787689.
distance squared from orbit of 7 to 23 will be revised since for 7 20 23: 1.4345754900521579e-5+4.602198442564904e-7<0.00012239333639787689
revised distance squared from orbit of 7 to 23 is at most 4.365277232555389e-5.
distance squared from orbit of 7 to 23 will be revised since for 7 21 23: 3.4356496764845524e-7+8.01134703598284e-8<4.365277232555389e-5
revised distance squared from orbit of 7 to 23 is at most 1.3373509479241153e-5.

distance squared from orbit of 8 to 9 will be revised since for 8 1 9: 0.5000000000000103+2.3346096191740106e-8<0.5629971770848345
revised distance squared from orbit of 8 to 9 is at most 0.5629971770848345.
distance squared from orbit of 8 to 9 will be revised since for 8 3 9: 0.5000000000000816+3.540142875819456e-8<0.5629971770848345
revised distance squared from orbit of 8 to 9 is at most 0.5629971770848345.
distance squared from orbit of 8 to 12 will be revised since for 8 7 12: 0.20000000000944446+0.25000000145100554<0.5000000000051011
revised distance squared from orbit of 8 to 12 is at most 0.5000000000051011.
distance squared from orbit of 8 to 12 will be revised since for 8 18 12: 0.20000000000025955+0.2500000000000241<0.5000000000051011
revised distance squared from orbit of 8 to 12 is at most 0.5000000000051011.
distance squared from orbit of 8 to 17 will be revised since for 8 13 17: 5.615286448731454e-5+0.25012919239061054<0.2547617221253965
revised distance squared from orbit of 8 to 17 is at most 0.25043120207262737.
distance squared from orbit of 8 to 17 will be revised since for 8 20 17: 0.00021045762696099627+0.2500000000111853<0.25043120207262737
revised distance squared from orbit of 8 to 17 is at most 0.25043120207262737.
distance squared from orbit of 8 to 19 will be revised since for 8 13 19: 5.615286448731454e-5+9.413790254886094e-7<0.0015093225396690774
revised distance squared from orbit of 8 to 19 is at most 0.000400850001312636.
distance squared from orbit of 8 to 19 will be revised since for 8 14 19: 1.0759759688677524e-7+2.277784285424035e-5<0.000400850001312636
revised distance squared from orbit of 8 to 19 is at most 0.0002632199234028688.
distance squared from orbit of 8 to 20 will be revised since for 8 13 20: 5.615286448731454e-5+2.3173178116386578e-7<0.00021045762696099627
revised distance squared from orbit of 8 to 20 is at most 0.00021045762696099627.
distance squared from orbit of 8 to 21 will be revised since for 8 14 21: 1.0759759688677524e-7+4.320819279485753e-8<2.104035222611083e-6
revised distance squared from orbit of 8 to 21 is at most 1.1067870978388369e-7.
distance squared from orbit of 8 to 22 will be revised since for 8 1 22: 0.5000000000000103+2.2283354733132625e-9<0.5000000070290742
revised distance squared from orbit of 8 to 22 is at most 0.5000000050783309.
distance squared from orbit of 8 to 22 will be revised since for 8 4 22: 0.33333333711365387+0.00011750332816364824<0.5000000050783309
revised distance squared from orbit of 8 to 22 is at most 0.5000000050783309.
distance squared from orbit of 8 to 22 will be revised since for 8 10 22: 0.3333333505519895+3.461059854922562e-5<0.5000000050783309
revised distance squared from orbit of 8 to 22 is at most 0.5000000050783309.
distance squared from orbit of 8 to 22 will be revised since for 8 15 22: 0.3260768804057029+3.724431103776777e-8<0.5000000050783309
revised distance squared from orbit of 8 to 22 is at most 0.5000000050783309.
distance squared from orbit of 8 to 23 will be revised since for 8 14 23: 1.0759759688677524e-7+5.597286291004132e-7<1.3422172205946463e-5
revised distance squared from orbit of 8 to 23 is at most 1.3422172205946463e-5.
distance squared from orbit of 8 to 23 will be revised since for 8 21 23: 1.1067870978388369e-7+8.01134703598284e-8<1.3422172205946463e-5
revised distance squared from orbit of 8 to 23 is at most 7.7611642743229e-6.

distance squared from orbit of 9 to 1 will be revised since for 9 8 1: 0.4475317424834284+0.5000000000000103<1.0000000000000866
revised distance squared from orbit of 9 to 1 is at most 1.0000000000000866.
distance squared from orbit of 9 to 2 will be revised since for 9 8 2: 0.4475317424834284+0.33333333333340853<0.8340970907381584
revised distance squared from orbit of 9 to 2 is at most 0.8340970907381584.
distance squared from orbit of 9 to 2 will be revised since for 9 13 2: 1.6221437404151825e-6+0.6666668118827497<0.8340970907381584
revised distance squared from orbit of 9 to 2 is at most 0.6671170895764302.
distance squared from orbit of 9 to 2 will be revised since for 9 21 2: 0.0001845990348058072+0.6666666666668465<0.6671170895764302
revised distance squared from orbit of 9 to 2 is at most 0.6667037927720919.
distance squared from orbit of 9 to 6 will be revised since for 9 13 6: 1.6221437404151825e-6+0.3334250465377652<0.538367639656281
revised distance squared from orbit of 9 to 6 is at most 0.3338121569142822.
distance squared from orbit of 9 to 6 will be revised since for 9 20 6: 2.2014626825724582e-5+0.3333333333583463<0.3338121569142822
revised distance squared from orbit of 9 to 6 is at most 0.3333972179959877.
distance squared from orbit of 9 to 7 will be revised since for 9 4 7: 0.3333333353649726+0.20000000015549102<0.621419441119882
revised distance squared from orbit of 9 to 7 is at most 0.621419441119882.
distance squared from orbit of 9 to 7 will be revised since for 9 10 7: 0.20833333902778844+0.20000003238393804<0.621419441119882
revised distance squared from orbit of 9 to 7 is at most 0.621419441119882.
distance squared from orbit of 9 to 7 will be revised since for 9 14 7: 0.33337354996683627+0.2000000000000981<0.621419441119882
revised distance squared from orbit of 9 to 7 is at most 0.600016927944438.
distance squared from orbit of 9 to 12 will be revised since for 9 6 12: 0.3333972179959877+0.250000000000005<0.7500000723306584
revised distance squared from orbit of 9 to 12 is at most 0.7500000723306584.
distance squared from orbit of 9 to 12 will be revised since for 9 10 12: 0.20833333902778844+0.5000000043585543<0.7500000723306584
revised distance squared from orbit of 9 to 12 is at most 0.7500000723306584.
distance squared from orbit of 9 to 12 will be revised since for 9 13 12: 1.6221437404151825e-6+0.5000724303719044<0.7500000723306584
revised distance squared from orbit of 9 to 12 is at most 0.5015641264561926.
distance squared from orbit of 9 to 12 will be revised since for 9 15 12: 2.7516510900433383e-7+0.500000005709653<0.5015641264561926
revised distance squared from orbit of 9 to 12 is at most 0.5015641264561926.
distance squared from orbit of 9 to 12 will be revised since for 9 18 12: 0.20289258795194892+0.2500000000000241<0.5015641264561926
revised distance squared from orbit of 9 to 12 is at most 0.500198257533106.
distance squared from orbit of 9 to 12 will be revised since for 9 21 12: 0.0001845990348058072+0.5000000000000119<0.500198257533106
revised distance squared from orbit of 9 to 12 is at most 0.5000034862662076.
distance squared from orbit of 9 to 14 will be revised since for 9 4 14: 0.3333333353649726+7.480394254751195e-9<0.33337354996683627
revised distance squared from orbit of 9 to 14 is at most 0.33337354996683627.
distance squared from orbit of 9 to 14 will be revised since for 9 10 14: 0.20833333902778844+7.21911927373819e-8<0.33337354996683627
revised distance squared from orbit of 9 to 14 is at most 0.33337354996683627.
distance squared from orbit of 9 to 17 will be revised since for 9 13 17: 1.6221437404151825e-6+0.25012919239061054<0.25159639190434085
revised distance squared from orbit of 9 to 17 is at most 0.2507195192074237.
distance squared from orbit of 9 to 17 will be revised since for 9 20 17: 2.2014626825724582e-5+0.2500000000111853<0.2507195192074237
revised distance squared from orbit of 9 to 17 is at most 0.2501263575194974.
distance squared from orbit of 9 to 18 will be revised since for 9 13 18: 1.6221437404151825e-6+0.20000006504030224<0.20289258795194892
revised distance squared from orbit of 9 to 18 is at most 0.2005968814872162.
distance squared from orbit of 9 to 18 will be revised since for 9 15 18: 2.7516510900433383e-7+0.20000000669850865<0.2005968814872162
revised distance squared from orbit of 9 to 18 is at most 0.20046874089386024.
distance squared from orbit of 9 to 18 will be revised since for 9 21 18: 0.0001845990348058072+0.20000000000003018<0.20046874089386024
revised distance squared from orbit of 9 to 18 is at most 0.20007064575567093.
distance squared from orbit of 9 to 19 will be revised since for 9 13 19: 1.6221437404151825e-6+9.413790254886094e-7<0.0006769061504315461
revised distance squared from orbit of 9 to 19 is at most 0.0004067430301469139.
distance squared from orbit of 9 to 19 will be revised since for 9 15 19: 2.7516510900433383e-7+9.076673087669767e-6<0.0004067430301469139
revised distance squared from orbit of 9 to 19 is at most 7.680235522709547e-5.
distance squared from orbit of 9 to 20 will be revised since for 9 13 20: 1.6221437404151825e-6+2.3173178116386578e-7<2.2014626825724582e-5
revised distance squared from orbit of 9 to 20 is at most 4.673745175942279e-6.
distance squared from orbit of 9 to 21 will be revised since for 9 13 21: 1.6221437404151825e-6+6.644275465248012e-7<0.0001845990348058072
revised distance squared from orbit of 9 to 21 is at most 0.0001845990348058072.
distance squared from orbit of 9 to 21 will be revised since for 9 15 21: 2.7516510900433383e-7+6.549007850755832e-7<0.0001845990348058072
revised distance squared from orbit of 9 to 21 is at most 1.3267940457314005e-6.
distance squared from orbit of 9 to 23 will be revised since for 9 13 23: 1.6221437404151825e-6+2.1351873521118264e-8<2.1655566385951013e-5
revised distance squared from orbit of 9 to 23 is at most 2.1655566385951013e-5.
distance squared from orbit of 9 to 23 will be revised since for 9 15 23: 2.7516510900433383e-7+5.599027719705925e-7<2.1655566385951013e-5
revised distance squared from orbit of 9 to 23 is at most 1.3053368743927711e-5.
distance squared from orbit of 9 to 23 will be revised since for 9 20 23: 4.673745175942279e-6+4.602198442564904e-7<1.3053368743927711e-5
revised distance squared from orbit of 9 to 23 is at most 1.3053368743927711e-5.
distance squared from orbit of 9 to 23 will be revised since for 9 21 23: 1.3267940457314005e-6+8.01134703598284e-8<1.3053368743927711e-5
revised distance squared from orbit of 9 to 23 is at most 1.3053368743927711e-5.
distance squared from orbit of 9 to 23 will be revised since for 9 22 23: 4.8528821558873626e-8+4.383850250277859e-7<1.3053368743927711e-5
revised distance squared from orbit of 9 to 23 is at most 4.598431100516353e-7.

distance squared from orbit of 10 to 2 will be revised since for 10 7 2: 0.20000003238393804+0.5000000011356924<0.7333341296919881
revised distance squared from orbit of 10 to 2 is at most 0.7333341296919881.
distance squared from orbit of 10 to 2 will be revised since for 10 14 2: 7.21911927373819e-8+0.6666666743803712<0.7333341296919881
revised distance squared from orbit of 10 to 2 is at most 0.6666666746488673.
distance squared from orbit of 10 to 6 will be revised since for 10 7 6: 0.20000003238393804+0.3333334656011004<0.6666667743923493
revised distance squared from orbit of 10 to 6 is at most 0.6666667743923493.
distance squared from orbit of 10 to 6 will be revised since for 10 13 6: 0.1666683312525764+0.3334250465377652<0.6666667743923493
revised distance squared from orbit of 10 to 6 is at most 0.6666667743923493.
distance squared from orbit of 10 to 6 will be revised since for 10 14 6: 7.21911927373819e-8+0.6273220037501102<0.6666667743923493
revised distance squared from orbit of 10 to 6 is at most 0.6273220139241736.
distance squared from orbit of 10 to 6 will be revised since for 10 18 6: 0.20000000578967755+0.3333333347333823<0.6273220139241736
revised distance squared from orbit of 10 to 6 is at most 0.6273220139241736.
distance squared from orbit of 10 to 6 will be revised since for 10 20 6: 0.1666667696809195+0.3333333333583463<0.6273220139241736
revised distance squared from orbit of 10 to 6 is at most 0.6273220139241736.
distance squared from orbit of 10 to 8 will be revised since for 10 3 8: 0.5000000265958809+3.512082237424113e-10<0.5000000300323243
revised distance squared from orbit of 10 to 8 is at most 0.5000000300323243.
distance squared from orbit of 10 to 8 will be revised since for 10 21 8: 2.7384698575935387e-8+0.5000000000002081<0.5000000300323243
revised distance squared from orbit of 10 to 8 is at most 0.5000000041081631.
distance squared from orbit of 10 to 9 will be revised since for 10 3 9: 0.5000000265958809+3.540142875819456e-8<0.5000171371378833
revised distance squared from orbit of 10 to 9 is at most 0.5000171371378833.
distance squared from orbit of 10 to 9 will be revised since for 10 15 9: 6.7998419335423705e-6+0.5000001154597059<0.5000171371378833
revised distance squared from orbit of 10 to 9 is at most 0.5000171371378833.
distance squared from orbit of 10 to 12 will be revised since for 10 7 12: 0.20000003238393804+0.25000000145100554<0.5000000043585543
revised distance squared from orbit of 10 to 12 is at most 0.5000000043585543.
distance squared from orbit of 10 to 12 will be revised since for 10 18 12: 0.20000000578967755+0.2500000000000241<0.5000000043585543
revised distance squared from orbit of 10 to 12 is at most 0.5000000034648147.
distance squared from orbit of 10 to 13 will be revised since for 10 19 13: 1.1911716501194083e-6+0.1666666666690595<0.1666683312525764
revised distance squared from orbit of 10 to 13 is at most 0.16666692222156987.
distance squared from orbit of 10 to 17 will be revised since for 10 7 17: 0.20000003238393804+0.2500001236211174<0.5000000010017449
revised distance squared from orbit of 10 to 17 is at most 0.5000000010017449.
distance squared from orbit of 10 to 17 will be revised since for 10 13 17: 0.16666692222156987+0.25012919239061054<0.5000000010017449
revised distance squared from orbit of 10 to 17 is at most 0.5000000010017449.
distance squared from orbit of 10 to 17 will be revised since for 10 18 17: 0.20000000578967755+0.25000000017414514<0.5000000010017449
revised distance squared from orbit of 10 to 17 is at most 0.5000000010017449.
distance squared from orbit of 10 to 17 will be revised since for 10 20 17: 0.1666667696809195+0.2500000000111853<0.5000000010017449
revised distance squared from orbit of 10 to 17 is at most 0.5000000010017449.
distance squared from orbit of 10 to 20 will be revised since for 10 21 20: 2.7384698575935387e-8+0.16666674130396128<0.1666667696809195
revised distance squared from orbit of 10 to 20 is at most 0.16666675077400647.
distance squared from orbit of 10 to 22 will be revised since for 10 15 22: 6.7998419335423705e-6+3.724431103776777e-8<3.461059854922562e-5
revised distance squared from orbit of 10 to 22 is at most 1.8355004561615977e-5.
distance squared from orbit of 10 to 23 will be revised since for 10 14 23: 7.21911927373819e-8+5.597286291004132e-7<6.752967172356981e-6
revised distance squared from orbit of 10 to 23 is at most 3.817400697455099e-7.
distance squared from orbit of 10 to 23 will be revised since for 10 21 23: 2.7384698575935387e-8+8.01134703598284e-8<3.817400697455099e-7
revised distance squared from orbit of 10 to 23 is at most 3.817400697455099e-7.

distance squared from orbit of 11 to 3 will be revised since for 11 14 3: 8.110006571315815e-9+0.5000000000000376<0.5000001875174792
revised distance squared from orbit of 11 to 3 is at most 0.5000000052961144.
distance squared from orbit of 11 to 4 will be revised since for 11 14 4: 8.110006571315815e-9+0.33333333333337073<0.3333336275517084
revised distance squared from orbit of 11 to 4 is at most 0.33333333378829355.
distance squared from orbit of 11 to 6 will be revised since for 11 7 6: 0.20005453696701123+0.3333334656011004<0.5993389780077931
revised distance squared from orbit of 11 to 6 is at most 0.5993389780077931.
distance squared from orbit of 11 to 6 will be revised since for 11 13 6: 0.16666666751136447+0.3334250465377652<0.5993389780077931
revised distance squared from orbit of 11 to 6 is at most 0.5993389780077931.
distance squared from orbit of 11 to 6 will be revised since for 11 20 6: 0.1666694267881068+0.3333333333583463<0.5993389780077931
revised distance squared from orbit of 11 to 6 is at most 0.5993389780077931.
distance squared from orbit of 11 to 7 will be revised since for 11 14 7: 8.110006571315815e-9+0.2000000000000981<0.20005453696701123
revised distance squared from orbit of 11 to 7 is at most 0.2000000058379133.
distance squared from orbit of 11 to 9 will be revised since for 11 3 9: 0.5000000052961144+3.540142875819456e-8<0.5435113756148318
revised distance squared from orbit of 11 to 9 is at most 0.5435113756148318.
distance squared from orbit of 11 to 10 will be revised since for 11 14 10: 8.110006571315815e-9+0.3333333333336929<0.33333334168319795
revised distance squared from orbit of 11 to 10 is at most 0.33333333418373545.
distance squared from orbit of 11 to 12 will be revised since for 11 7 12: 0.2000000058379133+0.25000000145100554<0.500000000000178
revised distance squared from orbit of 11 to 12 is at most 0.500000000000178.
distance squared from orbit of 11 to 15 will be revised since for 11 14 15: 8.110006571315815e-9+0.3260768737169596<0.32607688201872626
revised distance squared from orbit of 11 to 15 is at most 0.32607687470222246.
distance squared from orbit of 11 to 17 will be revised since for 11 7 17: 0.2000000058379133+0.2500001236211174<0.5000000145775693
revised distance squared from orbit of 11 to 17 is at most 0.5000000145775693.
distance squared from orbit of 11 to 17 will be revised since for 11 12 17: 0.500000000000178+6.84717979129814e-11<0.5000000145775693
revised distance squared from orbit of 11 to 17 is at most 0.5000000001313495.
distance squared from orbit of 11 to 17 will be revised since for 11 13 17: 0.16666666751136447+0.25012919239061054<0.5000000001313495
revised distance squared from orbit of 11 to 17 is at most 0.5000000001313495.
distance squared from orbit of 11 to 17 will be revised since for 11 20 17: 0.1666694267881068+0.2500000000111853<0.5000000001313495
revised distance squared from orbit of 11 to 17 is at most 0.5000000001313495.
distance squared from orbit of 11 to 18 will be revised since for 11 7 18: 0.2000000058379133+2.3733382077127282e-9<0.40000000000244695
revised distance squared from orbit of 11 to 18 is at most 0.20000021231924314.
distance squared from orbit of 11 to 18 will be revised since for 11 14 18: 8.110006571315815e-9+0.20000000003896987<0.20000021231924314
revised distance squared from orbit of 11 to 18 is at most 0.20000021231924314.
distance squared from orbit of 11 to 18 will be revised since for 11 19 18: 2.235975073395793e-8+0.20000000063020723<0.20000021231924314
revised distance squared from orbit of 11 to 18 is at most 0.20000021231924314.
distance squared from orbit of 11 to 20 will be revised since for 11 13 20: 0.16666666751136447+2.3173178116386578e-7<0.1666694267881068
revised distance squared from orbit of 11 to 20 is at most 0.1666680093536119.
distance squared from orbit of 11 to 20 will be revised since for 11 14 20: 8.110006571315815e-9+0.1666679861468978<0.1666680093536119
revised distance squared from orbit of 11 to 20 is at most 0.1666680093536119.
distance squared from orbit of 11 to 20 will be revised since for 11 19 20: 2.235975073395793e-8+0.16666666712385567<0.1666680093536119
revised distance squared from orbit of 11 to 20 is at most 0.1666666734862594.
distance squared from orbit of 11 to 21 will be revised since for 11 14 21: 8.110006571315815e-9+4.320819279485753e-8<0.0006066717177827825
revised distance squared from orbit of 11 to 21 is at most 2.943373469431737e-7.
distance squared from orbit of 11 to 22 will be revised since for 11 4 22: 0.33333333378829355+0.00011750332816364824<0.4328053960685582
revised distance squared from orbit of 11 to 22 is at most 0.4328053960685582.
distance squared from orbit of 11 to 22 will be revised since for 11 10 22: 0.33333333418373545+1.8355004561615977e-5<0.4328053960685582
revised distance squared from orbit of 11 to 22 is at most 0.4328053960685582.
distance squared from orbit of 11 to 22 will be revised since for 11 15 22: 0.32607687470222246+3.724431103776777e-8<0.4328053960685582
revised distance squared from orbit of 11 to 22 is at most 0.4328053960685582.
distance squared from orbit of 11 to 22 will be revised since for 11 16 22: 0.25000000000178835+9.576673164440107e-8<0.4328053960685582
revised distance squared from orbit of 11 to 22 is at most 0.4328053960685582.
distance squared from orbit of 11 to 23 will be revised since for 11 14 23: 8.110006571315815e-9+5.597286291004132e-7<1.32268314506516e-6
revised distance squared from orbit of 11 to 23 is at most 1.32268314506516e-6.
distance squared from orbit of 11 to 23 will be revised since for 11 19 23: 2.235975073395793e-8+7.995887543055823e-7<1.32268314506516e-6
revised distance squared from orbit of 11 to 23 is at most 8.010519299106068e-7.
distance squared from orbit of 11 to 23 will be revised since for 11 21 23: 2.943373469431737e-7+8.01134703598284e-8<8.010519299106068e-7
revised distance squared from orbit of 11 to 23 is at most 8.010519299106068e-7.

distance squared from orbit of 12 to 3 will be revised since for 12 6 3: 0.33333334023687244+0.6473671297286967<1.0000000000009575
revised distance squared from orbit of 12 to 3 is at most 1.0000000000009575.
distance squared from orbit of 12 to 3 will be revised since for 12 8 3: 0.5000000000001724+0.5000000000000816<1.0000000000009575
revised distance squared from orbit of 12 to 3 is at most 1.000000000000187.
distance squared from orbit of 12 to 6 will be revised since for 12 17 6: 6.84717979129814e-11+0.33333333333336546<0.33333334023687244
revised distance squared from orbit of 12 to 6 is at most 0.33333333334512516.
distance squared from orbit of 12 to 9 will be revised since for 12 6 9: 0.33333333334512516+0.6594466049442754<1.000000000002275
revised distance squared from orbit of 12 to 9 is at most 1.000000000002275.
distance squared from orbit of 12 to 9 will be revised since for 12 13 9: 0.3333409379747572+0.6623028564489924<1.000000000002275
revised distance squared from orbit of 12 to 9 is at most 1.000000000002275.
distance squared from orbit of 12 to 10 will be revised since for 12 17 10: 6.84717979129814e-11+0.5000001344763224<0.5000251985393592
revised distance squared from orbit of 12 to 10 is at most 0.5000001355188998.
distance squared from orbit of 12 to 11 will be revised since for 12 17 11: 6.84717979129814e-11+0.9791666666669094<0.9791666677193425
revised distance squared from orbit of 12 to 11 is at most 0.9791666666857418.
distance squared from orbit of 12 to 12 will be revised since for 12 6 12: 0.33333333334512516+0.250000000000005<0.7500000000003976
revised distance squared from orbit of 12 to 12 is at most 0.7500000000003976.
distance squared from orbit of 12 to 12 will be revised since for 12 18 12: 6.892281795963736e-7+0.2500000000000241<0.7500000000003976
revised distance squared from orbit of 12 to 12 is at most 0.2500000000144589.
distance squared from orbit of 12 to 13 will be revised since for 12 20 13: 1.7633438208466508e-6+0.33333333333341597<0.3333409379747572
revised distance squared from orbit of 12 to 13 is at most 0.33333360984194443.
distance squared from orbit of 12 to 14 will be revised since for 12 2 14: 0.5000000000047347+4.91061571098064e-9<0.5000002773641379
revised distance squared from orbit of 12 to 14 is at most 0.5000002773641379.
distance squared from orbit of 12 to 14 will be revised since for 12 8 14: 0.5000000000001724+1.0759759688677524e-7<0.5000002773641379
revised distance squared from orbit of 12 to 14 is at most 0.5000001566294202.
distance squared from orbit of 12 to 15 will be revised since for 12 10 15: 0.5000001355188998+6.7998419335423705e-6<0.6458339629620691
revised distance squared from orbit of 12 to 15 is at most 0.6458339629620691.
distance squared from orbit of 12 to 15 will be revised since for 12 21 15: 3.5602985316776254e-7+0.6458333333333848<0.6458339629620691
revised distance squared from orbit of 12 to 15 is at most 0.6458333589465327.
distance squared from orbit of 12 to 16 will be revised since for 12 17 16: 6.84717979129814e-11+0.875000000000072<1.00000000000037
revised distance squared from orbit of 12 to 16 is at most 0.8750000000511565.
distance squared from orbit of 12 to 19 will be revised since for 12 6 19: 0.33333333334512516+9.002154476570412e-8<0.3333492434612356
revised distance squared from orbit of 12 to 19 is at most 0.3333492434612356.
distance squared from orbit of 12 to 19 will be revised since for 12 13 19: 0.33333360984194443+9.413790254886094e-7<0.3333492434612356
revised distance squared from orbit of 12 to 19 is at most 0.3333492434612356.
distance squared from orbit of 12 to 19 will be revised since for 12 17 19: 6.84717979129814e-11+0.33333388049947704<0.3333492434612356
revised distance squared from orbit of 12 to 19 is at most 0.3333338804430743.
distance squared from orbit of 12 to 19 will be revised since for 12 21 19: 3.5602985316776254e-7+0.33333336289093407<0.3333338804430743
revised distance squared from orbit of 12 to 19 is at most 0.3333338804430743.
distance squared from orbit of 12 to 22 will be revised since for 12 4 22: 0.6666667654260181+0.00011750332816364824<0.8750455540789642
revised distance squared from orbit of 12 to 22 is at most 0.8750455540789642.
distance squared from orbit of 12 to 22 will be revised since for 12 10 22: 0.5000001355188998+1.8355004561615977e-5<0.8750455540789642
revised distance squared from orbit of 12 to 22 is at most 0.8750455540789642.
distance squared from orbit of 12 to 22 will be revised since for 12 15 22: 0.6458333589465327+3.724431103776777e-8<0.8750455540789642
revised distance squared from orbit of 12 to 22 is at most 0.8750455540789642.
distance squared from orbit of 12 to 22 will be revised since for 12 16 22: 0.8750000000511565+9.576673164440107e-8<0.8750455540789642
revised distance squared from orbit of 12 to 22 is at most 0.8750455540789642.
distance squared from orbit of 12 to 22 will be revised since for 12 17 22: 6.84717979129814e-11+0.8750009264497159<0.8750455540789642
revised distance squared from orbit of 12 to 22 is at most 0.8750009265421119.
distance squared from orbit of 12 to 22 will be revised since for 12 21 22: 3.5602985316776254e-7+0.8750000226205474<0.8750009265421119
revised distance squared from orbit of 12 to 22 is at most 0.8750009265421119.
distance squared from orbit of 12 to 23 will be revised since for 12 17 23: 6.84717979129814e-11+4.443423706039265e-7<3.0917675465206956e-5
revised distance squared from orbit of 12 to 23 is at most 4.4434345685845287e-7.
distance squared from orbit of 12 to 23 will be revised since for 12 21 23: 3.5602985316776254e-7+8.01134703598284e-8<4.4434345685845287e-7
revised distance squared from orbit of 12 to 23 is at most 4.4434345685845287e-7.

distance squared from orbit of 13 to 1 will be revised since for 13 8 1: 0.48732272822881634+0.5000000000000103<1.0000000084890992
revised distance squared from orbit of 13 to 1 is at most 1.0000000084890992.
distance squared from orbit of 13 to 6 will be revised since for 13 20 6: 2.3173178116386578e-7+0.3333333333583463<0.3334250465377652
revised distance squared from orbit of 13 to 6 is at most 0.333336025207328.
distance squared from orbit of 13 to 12 will be revised since for 13 18 12: 0.20000006504030224+0.2500000000000241<0.5000724303719044
revised distance squared from orbit of 13 to 12 is at most 0.5000000165821706.
distance squared from orbit of 13 to 14 will be revised since for 13 8 14: 0.48732272822881634+1.0759759688677524e-7<0.5000002585758326
revised distance squared from orbit of 13 to 14 is at most 0.5000002585758326.
distance squared from orbit of 13 to 14 will be revised since for 13 10 14: 0.4587344996108677+7.21911927373819e-8<0.5000002585758326
revised distance squared from orbit of 13 to 14 is at most 0.5000002585758326.
distance squared from orbit of 13 to 17 will be revised since for 13 20 17: 2.3173178116386578e-7+0.2500000000111853<0.25012919239061054
revised distance squared from orbit of 13 to 17 is at most 0.2500086743301103.
distance squared from orbit of 13 to 22 will be revised since for 13 4 22: 0.5000003046212781+0.00011750332816364824<0.6752406217484334
revised distance squared from orbit of 13 to 22 is at most 0.6752406217484334.
distance squared from orbit of 13 to 22 will be revised since for 13 9 22: 0.6623028564489924+4.8528821558873626e-8<0.6752406217484334
revised distance squared from orbit of 13 to 22 is at most 0.6752406217484334.
distance squared from orbit of 13 to 22 will be revised since for 13 10 22: 0.4587344996108677+1.8355004561615977e-5<0.6752406217484334
revised distance squared from orbit of 13 to 22 is at most 0.6752406217484334.
distance squared from orbit of 13 to 22 will be revised since for 13 15 22: 0.4149973705092607+3.724431103776777e-8<0.6752406217484334
revised distance squared from orbit of 13 to 22 is at most 0.6752406217484334.

distance squared from orbit of 14 to 6 will be revised since for 14 7 6: 0.2000000000000981+0.3333334656011004<0.6273220037501102
revised distance squared from orbit of 14 to 6 is at most 0.6273220037501102.
distance squared from orbit of 14 to 6 will be revised since for 14 13 6: 0.16670151499821056+0.333336025207328<0.6273220037501102
revised distance squared from orbit of 14 to 6 is at most 0.6273220037501102.
distance squared from orbit of 14 to 6 will be revised since for 14 18 6: 0.20000000003896987+0.3333333347333823<0.6273220037501102
revised distance squared from orbit of 14 to 6 is at most 0.6273220037501102.
distance squared from orbit of 14 to 6 will be revised since for 14 20 6: 0.1666679861468978+0.3333333333583463<0.6273220037501102
revised distance squared from orbit of 14 to 6 is at most 0.6273220037501102.
distance squared from orbit of 14 to 9 will be revised since for 14 3 9: 0.5000000000000376+3.540142875819456e-8<0.5960617835137192
revised distance squared from orbit of 14 to 9 is at most 0.5960617835137192.
distance squared from orbit of 14 to 12 will be revised since for 14 7 12: 0.2000000000000981+0.25000000145100554<0.5000000004384669
revised distance squared from orbit of 14 to 12 is at most 0.5000000004384669.
distance squared from orbit of 14 to 12 will be revised since for 14 18 12: 0.20000000003896987+0.2500000000000241<0.5000000004384669
revised distance squared from orbit of 14 to 12 is at most 0.5000000000476131.
distance squared from orbit of 14 to 13 will be revised since for 14 19 13: 2.277784285424035e-5+0.1666666666690595<0.16670151499821056
revised distance squared from orbit of 14 to 13 is at most 0.16667119107896214.
distance squared from orbit of 14 to 17 will be revised since for 14 7 17: 0.2000000000000981+0.2500001236211174<0.5000000000000202
revised distance squared from orbit of 14 to 17 is at most 0.5000000000000202.
distance squared from orbit of 14 to 17 will be revised since for 14 13 17: 0.16667119107896214+0.2500086743301103<0.5000000000000202
revised distance squared from orbit of 14 to 17 is at most 0.5000000000000202.
distance squared from orbit of 14 to 17 will be revised since for 14 18 17: 0.20000000003896987+0.25000000017414514<0.5000000000000202
revised distance squared from orbit of 14 to 17 is at most 0.5000000000000202.
distance squared from orbit of 14 to 17 will be revised since for 14 20 17: 0.1666679861468978+0.2500000000111853<0.5000000000000202
revised distance squared from orbit of 14 to 17 is at most 0.5000000000000202.
distance squared from orbit of 14 to 20 will be revised since for 14 21 20: 4.320819279485753e-8+0.16666674130396128<0.1666679861468978
revised distance squared from orbit of 14 to 20 is at most 0.16666672233287752.
distance squared from orbit of 14 to 22 will be revised since for 14 4 22: 0.33333333333337073+0.00011750332816364824<0.5000000000000486
revised distance squared from orbit of 14 to 22 is at most 0.5000000000000486.
distance squared from orbit of 14 to 22 will be revised since for 14 10 22: 0.3333333333336929+1.8355004561615977e-5<0.5000000000000486
revised distance squared from orbit of 14 to 22 is at most 0.5000000000000486.
distance squared from orbit of 14 to 22 will be revised since for 14 15 22: 0.3260768737169596+3.724431103776777e-8<0.5000000000000486
revised distance squared from orbit of 14 to 22 is at most 0.5000000000000486.
distance squared from orbit of 14 to 23 will be revised since for 14 21 23: 4.320819279485753e-8+8.01134703598284e-8<5.597286291004132e-7
revised distance squared from orbit of 14 to 23 is at most 6.29218716654996e-8.

distance squared from orbit of 15 to 2 will be revised since for 15 8 2: 0.5000000050751934+0.33333333333340853<0.9184221375521417
revised distance squared from orbit of 15 to 2 is at most 0.833333338111323.
distance squared from orbit of 15 to 2 will be revised since for 15 18 2: 0.20000000669850865+0.5000000000000184<0.833333338111323
revised distance squared from orbit of 15 to 2 is at most 0.8333333370982.
distance squared from orbit of 15 to 2 will be revised since for 15 19 2: 9.076673087669767e-6+0.6666742343371506<0.8333333370982
revised distance squared from orbit of 15 to 2 is at most 0.6667109609701244.
distance squared from orbit of 15 to 2 will be revised since for 15 21 2: 6.549007850755832e-7+0.6666666666668465<0.6667109609701244
revised distance squared from orbit of 15 to 2 is at most 0.666666684845163.
distance squared from orbit of 15 to 3 will be revised since for 15 10 3: 0.208333333333367+0.5000000265958809<0.8075499102702888
revised distance squared from orbit of 15 to 3 is at most 0.8075499102702888.
distance squared from orbit of 15 to 6 will be revised since for 15 2 6: 0.666666684845163+1.1712309280769558e-7<0.6666670800842084
revised distance squared from orbit of 15 to 6 is at most 0.6666670800842084.
distance squared from orbit of 15 to 6 will be revised since for 15 13 6: 0.16667632576674768+0.333336025207328<0.6666670800842084
revised distance squared from orbit of 15 to 6 is at most 0.6666670800842084.
distance squared from orbit of 15 to 6 will be revised since for 15 18 6: 0.20000000669850865+0.3333333347333823<0.6666670800842084
revised distance squared from orbit of 15 to 6 is at most 0.6666666679178453.
distance squared from orbit of 15 to 6 will be revised since for 15 20 6: 0.16666668735135218+0.3333333333583463<0.6666666679178453
revised distance squared from orbit of 15 to 6 is at most 0.6666666679178453.
distance squared from orbit of 15 to 7 will be revised since for 15 4 7: 0.3333333333333874+0.20000000015549102<0.6166666666668006
revised distance squared from orbit of 15 to 7 is at most 0.6166666666668006.
distance squared from orbit of 15 to 7 will be revised since for 15 10 7: 0.208333333333367+0.20000003238393804<0.6166666666668006
revised distance squared from orbit of 15 to 7 is at most 0.6166666666668006.
distance squared from orbit of 15 to 9 will be revised since for 15 22 9: 3.724431103776777e-8+0.5000000000001208<0.5000001154597059
revised distance squared from orbit of 15 to 9 is at most 0.5000000066004607.
distance squared from orbit of 15 to 11 will be revised since for 15 22 11: 3.724431103776777e-8+0.6666666666671303<0.6666667051262726
revised distance squared from orbit of 15 to 11 is at most 0.6666666801993986.
distance squared from orbit of 15 to 12 will be revised since for 15 18 12: 0.20000000669850865+0.2500000000000241<0.500000005709653
revised distance squared from orbit of 15 to 12 is at most 0.5000000023319603.
distance squared from orbit of 15 to 13 will be revised since for 15 19 13: 9.076673087669767e-6+0.1666666666690595<0.16667632576674768
revised distance squared from orbit of 15 to 13 is at most 0.1666693713160223.
distance squared from orbit of 15 to 14 will be revised since for 15 4 14: 0.3333333333333874+7.480394254751195e-9<0.41666666666676483
revised distance squared from orbit of 15 to 14 is at most 0.41666666666676483.
distance squared from orbit of 15 to 14 will be revised since for 15 10 14: 0.208333333333367+7.21911927373819e-8<0.41666666666676483
revised distance squared from orbit of 15 to 14 is at most 0.41666666666676483.
distance squared from orbit of 15 to 17 will be revised since for 15 12 17: 0.5000000023319603+6.84717979129814e-11<0.500009521425657
revised distance squared from orbit of 15 to 17 is at most 0.5000000008289308.
distance squared from orbit of 15 to 17 will be revised since for 15 13 17: 0.1666693713160223+0.2500086743301103<0.5000000008289308
revised distance squared from orbit of 15 to 17 is at most 0.5000000008289308.
distance squared from orbit of 15 to 17 will be revised since for 15 18 17: 0.20000000669850865+0.25000000017414514<0.5000000008289308
revised distance squared from orbit of 15 to 17 is at most 0.5000000008289308.
distance squared from orbit of 15 to 17 will be revised since for 15 20 17: 0.16666668735135218+0.2500000000111853<0.5000000008289308
revised distance squared from orbit of 15 to 17 is at most 0.5000000008289308.
distance squared from orbit of 15 to 23 will be revised since for 15 22 23: 3.724431103776777e-8+4.383850250277859e-7<5.599027719705925e-7
revised distance squared from orbit of 15 to 23 is at most 3.4377238879420667e-7.

distance squared from orbit of 16 to 2 will be revised since for 16 3 2: 0.5000000000001086+0.3333333337021806<0.8888888888889416
revised distance squared from orbit of 16 to 2 is at most 0.8888888888889416.
distance squared from orbit of 16 to 2 will be revised since for 16 8 2: 0.5000000001372018+0.33333333333340853<0.8888888888889416
revised distance squared from orbit of 16 to 2 is at most 0.8888888888889416.
distance squared from orbit of 16 to 4 will be revised since for 16 10 4: 0.37500007011911035+0.16666666666675772<0.6666666666667018
revised distance squared from orbit of 16 to 4 is at most 0.6666666666667018.
distance squared from orbit of 16 to 6 will be revised since for 16 20 6: 0.1666667020613107+0.3333333333583463<0.6197265996041824
revised distance squared from orbit of 16 to 6 is at most 0.6197265996041824.
distance squared from orbit of 16 to 7 will be revised since for 16 10 7: 0.37500007011911035+0.20000003238393804<0.6000000000045379
revised distance squared from orbit of 16 to 7 is at most 0.6000000000045379.
distance squared from orbit of 16 to 7 will be revised since for 16 11 7: 0.33333333333826404+0.2000000058379133<0.6000000000045379
revised distance squared from orbit of 16 to 7 is at most 0.6000000000045379.
distance squared from orbit of 16 to 9 will be revised since for 16 3 9: 0.5000000000001086+3.540142875819456e-8<0.5000000368721741
revised distance squared from orbit of 16 to 9 is at most 0.5000000368721741.
distance squared from orbit of 16 to 12 will be revised since for 16 6 12: 0.6197265996041824+0.250000000000005<0.9166666666667203
revised distance squared from orbit of 16 to 12 is at most 0.9166666666667203.
distance squared from orbit of 16 to 12 will be revised since for 16 7 12: 0.6000000000045379+0.25000000145100554<0.9166666666667203
revised distance squared from orbit of 16 to 12 is at most 0.9166666666667203.
distance squared from orbit of 16 to 12 will be revised since for 16 10 12: 0.37500007011911035+0.5000000034648147<0.9166666666667203
revised distance squared from orbit of 16 to 12 is at most 0.9166666666667203.
distance squared from orbit of 16 to 12 will be revised since for 16 11 12: 0.33333333333826404+0.500000000000178<0.9166666666667203
revised distance squared from orbit of 16 to 12 is at most 0.9166666666667203.
distance squared from orbit of 16 to 12 will be revised since for 16 13 12: 0.4055194377748304+0.5000000165821706<0.9166666666667203
revised distance squared from orbit of 16 to 12 is at most 0.9166666666667203.
distance squared from orbit of 16 to 12 will be revised since for 16 15 12: 0.3333335077872865+0.5000000023319603<0.9166666666667203
revised distance squared from orbit of 16 to 12 is at most 0.9166666666667203.
distance squared from orbit of 16 to 12 will be revised since for 16 18 12: 0.6000000003181641+0.2500000000000241<0.9166666666667203
revised distance squared from orbit of 16 to 12 is at most 0.9166666666667203.
distance squared from orbit of 16 to 14 will be revised since for 16 3 14: 0.5000000000001086+1.0973405704351779e-7<0.6666666666794544
revised distance squared from orbit of 16 to 14 is at most 0.6666666666794544.
distance squared from orbit of 16 to 14 will be revised since for 16 7 14: 0.6000000000045379+6.866188359096149e-7<0.6666666666794544
revised distance squared from orbit of 16 to 14 is at most 0.6666666666794544.
distance squared from orbit of 16 to 14 will be revised since for 16 8 14: 0.5000000001372018+1.0759759688677524e-7<0.6666666666794544
revised distance squared from orbit of 16 to 14 is at most 0.6666666666794544.
distance squared from orbit of 16 to 14 will be revised since for 16 10 14: 0.37500007011911035+7.21911927373819e-8<0.6666666666794544
revised distance squared from orbit of 16 to 14 is at most 0.6666666666794544.
distance squared from orbit of 16 to 14 will be revised since for 16 11 14: 0.33333333333826404+8.110006571315815e-9<0.6666666666794544
revised distance squared from orbit of 16 to 14 is at most 0.6666666666794544.
distance squared from orbit of 16 to 15 will be revised since for 16 22 15: 9.576673164440107e-8+0.33333333333338266<0.3333335077872865
revised distance squared from orbit of 16 to 15 is at most 0.33333334750670784.
distance squared from orbit of 16 to 17 will be revised since for 16 20 17: 0.1666667020613107+0.2500000000111853<0.4841189103880403
revised distance squared from orbit of 16 to 17 is at most 0.4841189103880403.
distance squared from orbit of 16 to 18 will be revised since for 16 10 18: 0.37500007011911035+0.20000000578967755<0.6000000003181641
revised distance squared from orbit of 16 to 18 is at most 0.6000000003181641.
distance squared from orbit of 16 to 18 will be revised since for 16 11 18: 0.33333333333826404+0.20000021231924314<0.6000000003181641
revised distance squared from orbit of 16 to 18 is at most 0.6000000003181641.
distance squared from orbit of 16 to 18 will be revised since for 16 15 18: 0.33333334750670784+0.20000000669850865<0.6000000003181641
revised distance squared from orbit of 16 to 18 is at most 0.6000000003181641.
distance squared from orbit of 16 to 18 will be revised since for 16 19 18: 0.33333333627921985+0.20000000063020723<0.6000000003181641
revised distance squared from orbit of 16 to 18 is at most 0.6000000003181641.
distance squared from orbit of 16 to 21 will be revised since for 16 8 21: 0.5000000001372018+1.1067870978388369e-7<0.5000018935030033
revised distance squared from orbit of 16 to 21 is at most 0.5000018935030033.
distance squared from orbit of 16 to 21 will be revised since for 16 9 21: 0.5000000368721741+1.3267940457314005e-6<0.5000018935030033
revised distance squared from orbit of 16 to 21 is at most 0.5000018935030033.
distance squared from orbit of 16 to 21 will be revised since for 16 10 21: 0.37500007011911035+2.7384698575935387e-8<0.5000018935030033
revised distance squared from orbit of 16 to 21 is at most 0.5000018935030033.
distance squared from orbit of 16 to 21 will be revised since for 16 11 21: 0.33333333333826404+2.943373469431737e-7<0.5000018935030033
revised distance squared from orbit of 16 to 21 is at most 0.5000018935030033.
distance squared from orbit of 16 to 21 will be revised since for 16 13 21: 0.4055194377748304+6.644275465248012e-7<0.5000018935030033
revised distance squared from orbit of 16 to 21 is at most 0.5000018935030033.
distance squared from orbit of 16 to 21 will be revised since for 16 15 21: 0.33333334750670784+6.549007850755832e-7<0.5000018935030033
revised distance squared from orbit of 16 to 21 is at most 0.5000018935030033.
distance squared from orbit of 16 to 21 will be revised since for 16 19 21: 0.33333333627921985+3.527290939866991e-7<0.5000018935030033
revised distance squared from orbit of 16 to 21 is at most 0.5000018935030033.
distance squared from orbit of 16 to 21 will be revised since for 16 22 21: 9.576673164440107e-8+0.5000003698317023<0.5000018935030033
revised distance squared from orbit of 16 to 21 is at most 0.5000018935030033.
distance squared from orbit of 16 to 21 will be revised since for 16 23 21: 5.193532522333365e-7+0.5000000000000612<0.5000018935030033
revised distance squared from orbit of 16 to 21 is at most 0.5000000290967263.

distance squared from orbit of 17 to 3 will be revised since for 17 6 3: 0.33333333333336546+0.6473671297286967<1.0000000000030727
revised distance squared from orbit of 17 to 3 is at most 1.0000000000030727.
distance squared from orbit of 17 to 3 will be revised since for 17 8 3: 0.5000000000014072+0.5000000000000816<1.0000000000030727
revised distance squared from orbit of 17 to 3 is at most 1.0000000000030727.
distance squared from orbit of 17 to 4 will be revised since for 17 6 4: 0.33333333333336546+0.5000000079279346<0.8333339491799714
revised distance squared from orbit of 17 to 4 is at most 0.8333339491799714.
distance squared from orbit of 17 to 4 will be revised since for 17 8 4: 0.5000000000014072+0.33333333711365387<0.8333339491799714
revised distance squared from orbit of 17 to 4 is at most 0.8333339491799714.
distance squared from orbit of 17 to 4 will be revised since for 17 10 4: 0.5000001344763224+0.16666666666675772<0.8333339491799714
revised distance squared from orbit of 17 to 4 is at most 0.8333338087982535.
distance squared from orbit of 17 to 4 will be revised since for 17 23 4: 4.443423706039265e-7+0.8333333333333628<0.8333338087982535
revised distance squared from orbit of 17 to 4 is at most 0.8333334637149559.
distance squared from orbit of 17 to 5 will be revised since for 17 6 5: 0.33333333333336546+1.000000000000028<1.333333333333479
revised distance squared from orbit of 17 to 5 is at most 1.333333333333479.
distance squared from orbit of 17 to 7 will be revised since for 17 8 7: 0.5000000000014072+0.20000000000944446<0.8799795560894286
revised distance squared from orbit of 17 to 7 is at most 0.8799795560894286.
distance squared from orbit of 17 to 7 will be revised since for 17 10 7: 0.5000001344763224+0.20000003238393804<0.8799795560894286
revised distance squared from orbit of 17 to 7 is at most 0.8799795560894286.
distance squared from orbit of 17 to 7 will be revised since for 17 14 7: 0.6666666666672746+0.2000000000000981<0.8799795560894286
revised distance squared from orbit of 17 to 7 is at most 0.8799795560894286.
distance squared from orbit of 17 to 9 will be revised since for 17 6 9: 0.33333333333336546+0.6594466049442754<1.0000000001914482
revised distance squared from orbit of 17 to 9 is at most 1.0000000001914482.
distance squared from orbit of 17 to 9 will be revised since for 17 13 9: 0.3333906078025592+0.6623028564489924<1.0000000001914482
revised distance squared from orbit of 17 to 9 is at most 1.0000000001914482.
distance squared from orbit of 17 to 12 will be revised since for 17 6 12: 0.33333333333336546+0.250000000000005<0.9500000000031346
revised distance squared from orbit of 17 to 12 is at most 0.9500000000031346.
distance squared from orbit of 17 to 12 will be revised since for 17 13 12: 0.3333906078025592+0.5000000165821706<0.9500000000031346
revised distance squared from orbit of 17 to 12 is at most 0.9500000000031346.
distance squared from orbit of 17 to 12 will be revised since for 17 18 12: 0.5615196053982421+0.2500000000000241<0.9500000000031346
revised distance squared from orbit of 17 to 12 is at most 0.7500000001596057.
distance squared from orbit of 17 to 14 will be revised since for 17 8 14: 0.5000000000014072+1.0759759688677524e-7<0.6666666666672746
revised distance squared from orbit of 17 to 14 is at most 0.6666666666672746.
distance squared from orbit of 17 to 14 will be revised since for 17 10 14: 0.5000001344763224+7.21911927373819e-8<0.6666666666672746
revised distance squared from orbit of 17 to 14 is at most 0.6666666666672746.
distance squared from orbit of 17 to 15 will be revised since for 17 10 15: 0.5000001344763224+6.7998419335423705e-6<0.6666671765784656
revised distance squared from orbit of 17 to 15 is at most 0.6666671765784656.
distance squared from orbit of 17 to 15 will be revised since for 17 23 15: 4.443423706039265e-7+0.6666666666668012<0.6666671765784656
revised distance squared from orbit of 17 to 15 is at most 0.6666669119722374.
distance squared from orbit of 17 to 18 will be revised since for 17 6 18: 0.33333333333336546+0.20000002834654027<0.5615196053982421
revised distance squared from orbit of 17 to 18 is at most 0.5615196053982421.
distance squared from orbit of 17 to 18 will be revised since for 17 13 18: 0.3333906078025592+0.20000006504030224<0.5615196053982421
revised distance squared from orbit of 17 to 18 is at most 0.5615196053982421.
distance squared from orbit of 17 to 18 will be revised since for 17 19 18: 0.33333388049947704+0.20000000063020723<0.5615196053982421
revised distance squared from orbit of 17 to 18 is at most 0.5615196053982421.
distance squared from orbit of 17 to 19 will be revised since for 17 6 19: 0.33333333333336546+9.002154476570412e-8<0.33333388049947704
revised distance squared from orbit of 17 to 19 is at most 0.33333388049947704.
distance squared from orbit of 17 to 19 will be revised since for 17 23 19: 4.443423706039265e-7+0.33333333333349163<0.33333388049947704
revised distance squared from orbit of 17 to 19 is at most 0.3333335283415205.
distance squared from orbit of 17 to 21 will be revised since for 17 6 21: 0.33333333333336546+3.0796519508902654e-6<0.5000000427075242
revised distance squared from orbit of 17 to 21 is at most 0.5000000427075242.
distance squared from orbit of 17 to 21 will be revised since for 17 13 21: 0.3333906078025592+6.644275465248012e-7<0.5000000427075242
revised distance squared from orbit of 17 to 21 is at most 0.5000000427075242.
distance squared from orbit of 17 to 21 will be revised since for 17 19 21: 0.3333335283415205+3.527290939866991e-7<0.5000000427075242
revised distance squared from orbit of 17 to 21 is at most 0.5000000427075242.
distance squared from orbit of 17 to 22 will be revised since for 17 4 22: 0.8333334637149559+0.00011750332816364824<0.8750009264497159
revised distance squared from orbit of 17 to 22 is at most 0.8750009264497159.
distance squared from orbit of 17 to 22 will be revised since for 17 10 22: 0.5000001344763224+1.8355004561615977e-5<0.8750009264497159
revised distance squared from orbit of 17 to 22 is at most 0.8750009264497159.
distance squared from orbit of 17 to 22 will be revised since for 17 15 22: 0.6666669119722374+3.724431103776777e-8<0.8750009264497159
revised distance squared from orbit of 17 to 22 is at most 0.8750009264497159.
distance squared from orbit of 17 to 22 will be revised since for 17 16 22: 0.875000000000072+9.576673164440107e-8<0.8750009264497159
revised distance squared from orbit of 17 to 22 is at most 0.8750009264497159.
distance squared from orbit of 17 to 22 will be revised since for 17 23 22: 4.443423706039265e-7+0.8750000000000243<0.8750009264497159
revised distance squared from orbit of 17 to 22 is at most 0.8750000777138077.

distance squared from orbit of 18 to 3 will be revised since for 18 6 3: 0.3333333347333823+0.6473671297286967<1.0000000000111782
revised distance squared from orbit of 18 to 3 is at most 1.0000000000111782.
distance squared from orbit of 18 to 3 will be revised since for 18 7 3: 0.5000000000001745+0.5000000000070979<1.0000000000111782
revised distance squared from orbit of 18 to 3 is at most 1.0000000000111782.
distance squared from orbit of 18 to 3 will be revised since for 18 8 3: 0.5000000000004324+0.5000000000000816<1.0000000000111782
revised distance squared from orbit of 18 to 3 is at most 1.0000000000003078.
distance squared from orbit of 18 to 9 will be revised since for 18 6 9: 0.3333333347333823+0.6594466049442754<1.0000000001150302
revised distance squared from orbit of 18 to 9 is at most 1.0000000001150302.
distance squared from orbit of 18 to 9 will be revised since for 18 13 9: 0.3333509871210373+0.6623028564489924<1.0000000001150302
revised distance squared from orbit of 18 to 9 is at most 1.0000000001150302.
distance squared from orbit of 18 to 10 will be revised since for 18 20 10: 2.0986109542195287e-5+0.5000003607296684<0.5001622969736932
revised distance squared from orbit of 18 to 10 is at most 0.5000304906010737.
distance squared from orbit of 18 to 10 will be revised since for 18 21 10: 8.212685945258158e-7+0.5000000378069758<0.5000304906010737
revised distance squared from orbit of 18 to 10 is at most 0.5000304906010737.
distance squared from orbit of 18 to 14 will be revised since for 18 2 14: 0.5000000000000184+4.91061571098064e-9<0.5000000802253725
revised distance squared from orbit of 18 to 14 is at most 0.5000000802253725.
distance squared from orbit of 18 to 15 will be revised since for 18 10 15: 0.5000304906010737+6.7998419335423705e-6<0.6458335712327132
revised distance squared from orbit of 18 to 15 is at most 0.6458335712327132.
distance squared from orbit of 18 to 16 will be revised since for 18 20 16: 2.0986109542195287e-5+0.8750047644817286<0.8755491045349963
revised distance squared from orbit of 18 to 16 is at most 0.8750071996492611.
distance squared from orbit of 18 to 16 will be revised since for 18 21 16: 8.212685945258158e-7+0.8750000321235882<0.8750071996492611
revised distance squared from orbit of 18 to 16 is at most 0.8750071996492611.
distance squared from orbit of 18 to 17 will be revised since for 18 12 17: 0.2500000000000241+6.84717979129814e-11<0.25000000017414514
revised distance squared from orbit of 18 to 17 is at most 0.25000000011543866.
distance squared from orbit of 18 to 19 will be revised since for 18 6 19: 0.3333333347333823+9.002154476570412e-8<0.3334857411347989
revised distance squared from orbit of 18 to 19 is at most 0.3334857411347989.
distance squared from orbit of 18 to 19 will be revised since for 18 13 19: 0.3333509871210373+9.413790254886094e-7<0.3334857411347989
revised distance squared from orbit of 18 to 19 is at most 0.3334857411347989.
distance squared from orbit of 18 to 19 will be revised since for 18 20 19: 2.0986109542195287e-5+0.3333340274866027<0.3334857411347989
revised distance squared from orbit of 18 to 19 is at most 0.33334051028901307.
distance squared from orbit of 18 to 19 will be revised since for 18 21 19: 8.212685945258158e-7+0.33333336289093407<0.33334051028901307
revised distance squared from orbit of 18 to 19 is at most 0.33334051028901307.
distance squared from orbit of 18 to 22 will be revised since for 18 4 22: 0.6666671269851395+0.00011750332816364824<0.8750990717730496
revised distance squared from orbit of 18 to 22 is at most 0.8750990717730496.
distance squared from orbit of 18 to 22 will be revised since for 18 10 22: 0.5000304906010737+1.8355004561615977e-5<0.8750990717730496
revised distance squared from orbit of 18 to 22 is at most 0.8750990717730496.
distance squared from orbit of 18 to 22 will be revised since for 18 15 22: 0.6458335712327132+3.724431103776777e-8<0.8750990717730496
revised distance squared from orbit of 18 to 22 is at most 0.8750990717730496.
distance squared from orbit of 18 to 22 will be revised since for 18 16 22: 0.8750071996492611+9.576673164440107e-8<0.8750990717730496
revised distance squared from orbit of 18 to 22 is at most 0.8750990717730496.
distance squared from orbit of 18 to 22 will be revised since for 18 20 22: 2.0986109542195287e-5+0.8750003825182692<0.8750990717730496
revised distance squared from orbit of 18 to 22 is at most 0.8750086555832395.
distance squared from orbit of 18 to 22 will be revised since for 18 21 22: 8.212685945258158e-7+0.8750000226205474<0.8750086555832395
revised distance squared from orbit of 18 to 22 is at most 0.8750086555832395.
distance squared from orbit of 18 to 23 will be revised since for 18 20 23: 2.0986109542195287e-5+4.602198442564904e-7<0.00013964449151193507
revised distance squared from orbit of 18 to 23 is at most 0.0001097106633798051.
distance squared from orbit of 18 to 23 will be revised since for 18 21 23: 8.212685945258158e-7+8.01134703598284e-8<0.0001097106633798051
revised distance squared from orbit of 18 to 23 is at most 0.0001097106633798051.

distance squared from orbit of 19 to 2 will be revised since for 19 21 2: 3.527290939866991e-7+0.6666666666668465<0.6666742343371506
revised distance squared from orbit of 19 to 2 is at most 0.6666666758749727.
distance squared from orbit of 19 to 6 will be revised since for 19 2 6: 0.6666666758749727+1.1712309280769558e-7<0.6666819512276697
revised distance squared from orbit of 19 to 6 is at most 0.6666819512276697.
distance squared from orbit of 19 to 6 will be revised since for 19 13 6: 0.1666666666690595+0.333336025207328<0.6666819512276697
revised distance squared from orbit of 19 to 6 is at most 0.6666672470030576.
distance squared from orbit of 19 to 6 will be revised since for 19 18 6: 0.20000000063020723+0.3333333347333823<0.6666672470030576
revised distance squared from orbit of 19 to 6 is at most 0.6666666696648449.
distance squared from orbit of 19 to 6 will be revised since for 19 20 6: 0.16666666712385567+0.3333333333583463<0.6666666696648449
revised distance squared from orbit of 19 to 6 is at most 0.6666666696648449.
distance squared from orbit of 19 to 12 will be revised since for 19 13 12: 0.1666666666690595+0.5000000165821706<0.7500006338232088
revised distance squared from orbit of 19 to 12 is at most 0.50000047692242.
distance squared from orbit of 19 to 12 will be revised since for 19 18 12: 0.20000000063020723+0.2500000000000241<0.50000047692242
revised distance squared from orbit of 19 to 12 is at most 0.5000000005201435.
distance squared from orbit of 19 to 14 will be revised since for 19 10 14: 0.45873412263481417+7.21911927373819e-8<0.5000000001102487
revised distance squared from orbit of 19 to 14 is at most 0.5000000001102487.
distance squared from orbit of 19 to 17 will be revised since for 19 12 17: 0.5000000005201435+6.84717979129814e-11<0.5000000050835096
revised distance squared from orbit of 19 to 17 is at most 0.5000000050835096.
distance squared from orbit of 19 to 17 will be revised since for 19 13 17: 0.1666666666690595+0.2500086743301103<0.5000000050835096
revised distance squared from orbit of 19 to 17 is at most 0.5000000050835096.
distance squared from orbit of 19 to 17 will be revised since for 19 18 17: 0.20000000063020723+0.25000000011543866<0.5000000050835096
revised distance squared from orbit of 19 to 17 is at most 0.500000002404034.
distance squared from orbit of 19 to 17 will be revised since for 19 20 17: 0.16666666712385567+0.2500000000111853<0.500000002404034
revised distance squared from orbit of 19 to 17 is at most 0.500000002404034.
distance squared from orbit of 19 to 22 will be revised since for 19 4 22: 0.5000000000001318+0.00011750332816364824<0.6752404735809004
revised distance squared from orbit of 19 to 22 is at most 0.6752404735809004.
distance squared from orbit of 19 to 22 will be revised since for 19 10 22: 0.45873412263481417+1.8355004561615977e-5<0.6752404735809004
revised distance squared from orbit of 19 to 22 is at most 0.6752404735809004.
distance squared from orbit of 19 to 22 will be revised since for 19 15 22: 0.4149972878354282+3.724431103776777e-8<0.6752404735809004
revised distance squared from orbit of 19 to 22 is at most 0.6752404735809004.
distance squared from orbit of 19 to 23 will be revised since for 19 21 23: 3.527290939866991e-7+8.01134703598284e-8<7.995887543055823e-7
revised distance squared from orbit of 19 to 23 is at most 6.891974903570625e-8.

distance squared from orbit of 20 to 1 will be revised since for 20 8 1: 0.5000000000000204+0.5000000000000103<1.0000000000000457
revised distance squared from orbit of 20 to 1 is at most 1.0000000000000457.
distance squared from orbit of 20 to 2 will be revised since for 20 8 2: 0.5000000000000204+0.33333333333340853<0.8333333333372386
revised distance squared from orbit of 20 to 2 is at most 0.8333333333372386.
distance squared from orbit of 20 to 3 will be revised since for 20 6 3: 0.3333333333583463+0.6473671297286967<1.000000000000541
revised distance squared from orbit of 20 to 3 is at most 1.000000000000541.
distance squared from orbit of 20 to 3 will be revised since for 20 8 3: 0.5000000000000204+0.5000000000000816<1.000000000000541
revised distance squared from orbit of 20 to 3 is at most 1.000000000000541.
distance squared from orbit of 20 to 4 will be revised since for 20 6 4: 0.3333333333583463+0.5000000079279346<0.8333334606733845
revised distance squared from orbit of 20 to 4 is at most 0.8333334606733845.
distance squared from orbit of 20 to 4 will be revised since for 20 8 4: 0.5000000000000204+0.33333333711365387<0.8333334606733845
revised distance squared from orbit of 20 to 4 is at most 0.8333334606733845.
distance squared from orbit of 20 to 4 will be revised since for 20 10 4: 0.5000003607296684+0.16666666666675772<0.8333334606733845
revised distance squared from orbit of 20 to 4 is at most 0.8333334606733845.
distance squared from orbit of 20 to 7 will be revised since for 20 8 7: 0.5000000000000204+0.20000000000944446<0.8945037156075005
revised distance squared from orbit of 20 to 7 is at most 0.8945037156075005.
distance squared from orbit of 20 to 7 will be revised since for 20 10 7: 0.5000003607296684+0.20000003238393804<0.8945037156075005
revised distance squared from orbit of 20 to 7 is at most 0.8945037156075005.
distance squared from orbit of 20 to 7 will be revised since for 20 14 7: 0.6666666666666987+0.2000000000000981<0.8945037156075005
revised distance squared from orbit of 20 to 7 is at most 0.8945037156075005.
distance squared from orbit of 20 to 9 will be revised since for 20 6 9: 0.3333333333583463+0.6594466049442754<1.0000000003706115
revised distance squared from orbit of 20 to 9 is at most 1.0000000003706115.
distance squared from orbit of 20 to 9 will be revised since for 20 13 9: 0.33333333333341597+0.6623028564489924<1.0000000003706115
revised distance squared from orbit of 20 to 9 is at most 1.0000000000745684.
distance squared from orbit of 20 to 12 will be revised since for 20 6 12: 0.3333333333583463+0.250000000000005<0.7500000000636526
revised distance squared from orbit of 20 to 12 is at most 0.7500000000636526.
distance squared from orbit of 20 to 14 will be revised since for 20 8 14: 0.5000000000000204+1.0759759688677524e-7<0.6666666666666987
revised distance squared from orbit of 20 to 14 is at most 0.6666666666666987.
distance squared from orbit of 20 to 14 will be revised since for 20 10 14: 0.5000003607296684+7.21911927373819e-8<0.6666666666666987
revised distance squared from orbit of 20 to 14 is at most 0.6666666666666987.
distance squared from orbit of 20 to 15 will be revised since for 20 10 15: 0.5000003607296684+6.7998419335423705e-6<0.6666671685829043
revised distance squared from orbit of 20 to 15 is at most 0.6666671685829043.
distance squared from orbit of 20 to 15 will be revised since for 20 23 15: 4.602198442564904e-7+0.6666666666668012<0.6666671685829043
revised distance squared from orbit of 20 to 15 is at most 0.6666669398484498.
distance squared from orbit of 20 to 16 will be revised since for 20 23 16: 4.602198442564904e-7+0.875000000000126<0.8750047644817286
revised distance squared from orbit of 20 to 16 is at most 0.8750001954806045.
distance squared from orbit of 20 to 18 will be revised since for 20 6 18: 0.3333333333583463+0.20000002834654027<0.6000000000083376
revised distance squared from orbit of 20 to 18 is at most 0.6000000000083376.
distance squared from orbit of 20 to 18 will be revised since for 20 13 18: 0.33333333333341597+0.20000006504030224<0.6000000000083376
revised distance squared from orbit of 20 to 18 is at most 0.6000000000083376.
distance squared from orbit of 20 to 18 will be revised since for 20 19 18: 0.3333340274866027+0.20000000063020723<0.6000000000083376
revised distance squared from orbit of 20 to 18 is at most 0.6000000000083376.
distance squared from orbit of 20 to 19 will be revised since for 20 6 19: 0.3333333333583463+9.002154476570412e-8<0.3333340274866027
revised distance squared from orbit of 20 to 19 is at most 0.3333340274866027.
distance squared from orbit of 20 to 19 will be revised since for 20 23 19: 4.602198442564904e-7+0.33333333333349163<0.3333340274866027
revised distance squared from orbit of 20 to 19 is at most 0.3333335365591562.
distance squared from orbit of 20 to 21 will be revised since for 20 6 21: 0.3333333333583463+3.0796519508902654e-6<0.5000002569625042
revised distance squared from orbit of 20 to 21 is at most 0.5000002569625042.
distance squared from orbit of 20 to 21 will be revised since for 20 8 21: 0.5000000000000204+1.1067870978388369e-7<0.5000002569625042
revised distance squared from orbit of 20 to 21 is at most 0.5000002569625042.
distance squared from orbit of 20 to 21 will be revised since for 20 13 21: 0.33333333333341597+6.644275465248012e-7<0.5000002569625042
revised distance squared from orbit of 20 to 21 is at most 0.5000002569625042.
distance squared from orbit of 20 to 21 will be revised since for 20 19 21: 0.3333335365591562+3.527290939866991e-7<0.5000002569625042
revised distance squared from orbit of 20 to 21 is at most 0.5000002569625042.
distance squared from orbit of 20 to 22 will be revised since for 20 4 22: 0.8333334606733845+0.00011750332816364824<0.8750003825182692
revised distance squared from orbit of 20 to 22 is at most 0.8750003825182692.
distance squared from orbit of 20 to 22 will be revised since for 20 10 22: 0.5000003607296684+1.8355004561615977e-5<0.8750003825182692
revised distance squared from orbit of 20 to 22 is at most 0.8750003825182692.
distance squared from orbit of 20 to 22 will be revised since for 20 15 22: 0.6666669398484498+3.724431103776777e-8<0.8750003825182692
revised distance squared from orbit of 20 to 22 is at most 0.8750003825182692.
distance squared from orbit of 20 to 22 will be revised since for 20 16 22: 0.8750001954806045+9.576673164440107e-8<0.8750003825182692
revised distance squared from orbit of 20 to 22 is at most 0.8750003825182692.

distance squared from orbit of 21 to 6 will be revised since for 21 18 6: 0.20000000000003018+0.3333333347333823<0.6666666666672171
revised distance squared from orbit of 21 to 6 is at most 0.6666666666672171.
distance squared from orbit of 21 to 6 will be revised since for 21 20 6: 0.16666674130396128+0.3333333333583463<0.6666666666672171
revised distance squared from orbit of 21 to 6 is at most 0.6666666666672171.
distance squared from orbit of 21 to 11 will be revised since for 21 23 11: 8.01134703598284e-8+0.9791666666707864<0.9791669787276617
revised distance squared from orbit of 21 to 11 is at most 0.9791666924835818.
distance squared from orbit of 21 to 12 will be revised since for 21 18 12: 0.20000000000003018+0.2500000000000241<0.5000000000000119
revised distance squared from orbit of 21 to 12 is at most 0.5000000000000119.
distance squared from orbit of 21 to 15 will be revised since for 21 10 15: 0.5000000378069758+6.7998419335423705e-6<0.6458333333333848
revised distance squared from orbit of 21 to 15 is at most 0.6458333333333848.
distance squared from orbit of 21 to 17 will be revised since for 21 12 17: 0.5000000000000119+6.84717979129814e-11<0.5000000006485721
revised distance squared from orbit of 21 to 17 is at most 0.5000000005796487.
distance squared from orbit of 21 to 17 will be revised since for 21 18 17: 0.20000000000003018+0.25000000011543866<0.5000000005796487
revised distance squared from orbit of 21 to 17 is at most 0.5000000005796487.
distance squared from orbit of 21 to 17 will be revised since for 21 20 17: 0.16666674130396128+0.2500000000111853<0.5000000005796487
revised distance squared from orbit of 21 to 17 is at most 0.5000000005796487.
distance squared from orbit of 21 to 22 will be revised since for 21 4 22: 0.6666666666667002+0.00011750332816364824<0.8750000226205474
revised distance squared from orbit of 21 to 22 is at most 0.8750000226205474.
distance squared from orbit of 21 to 22 will be revised since for 21 10 22: 0.5000000378069758+1.8355004561615977e-5<0.8750000226205474
revised distance squared from orbit of 21 to 22 is at most 0.8750000226205474.
distance squared from orbit of 21 to 22 will be revised since for 21 15 22: 0.6458333333333848+3.724431103776777e-8<0.8750000226205474
revised distance squared from orbit of 21 to 22 is at most 0.8750000003968952.

distance squared from orbit of 22 to 2 will be revised since for 22 8 2: 0.5000000046798673+0.33333333333340853<0.9166862508514282
revised distance squared from orbit of 22 to 2 is at most 0.9166862508514282.
distance squared from orbit of 22 to 2 will be revised since for 22 23 2: 4.383850250277859e-7+0.9166666666666813<0.9166862508514282
revised distance squared from orbit of 22 to 2 is at most 0.9166666845367609.
distance squared from orbit of 22 to 3 will be revised since for 22 10 3: 0.37500000000008465+0.5000000265958809<0.9370994204249926
revised distance squared from orbit of 22 to 3 is at most 0.9370994204249926.
distance squared from orbit of 22 to 4 will be revised since for 22 10 4: 0.37500000000008465+0.16666666666675772<0.666666666666679
revised distance squared from orbit of 22 to 4 is at most 0.666666666666679.
distance squared from orbit of 22 to 5 will be revised since for 22 15 5: 0.33333333333338266+1.0000000000000173<1.3333333333334034
revised distance squared from orbit of 22 to 5 is at most 1.3333333333334034.
distance squared from orbit of 22 to 6 will be revised since for 22 20 6: 0.16666667291890438+0.3333333333583463<0.6666771699452932
revised distance squared from orbit of 22 to 6 is at most 0.6666666687254745.
distance squared from orbit of 22 to 7 will be revised since for 22 4 7: 0.666666666666679+0.20000000015549102<0.9402229344514158
revised distance squared from orbit of 22 to 7 is at most 0.9402229344514158.
distance squared from orbit of 22 to 7 will be revised since for 22 8 7: 0.5000000046798673+0.20000000000944446<0.9402229344514158
revised distance squared from orbit of 22 to 7 is at most 0.9402229344514158.
distance squared from orbit of 22 to 7 will be revised since for 22 10 7: 0.37500000000008465+0.20000003238393804<0.9402229344514158
revised distance squared from orbit of 22 to 7 is at most 0.9402229344514158.
distance squared from orbit of 22 to 7 will be revised since for 22 11 7: 0.6666666666671303+0.2000000058379133<0.9402229344514158
revised distance squared from orbit of 22 to 7 is at most 0.9402229344514158.
distance squared from orbit of 22 to 7 will be revised since for 22 14 7: 0.6666666697080686+0.2000000000000981<0.9402229344514158
revised distance squared from orbit of 22 to 7 is at most 0.9402229344514158.
distance squared from orbit of 22 to 7 will be revised since for 22 23 7: 4.383850250277859e-7+0.9321105255405562<0.9402229344514158
revised distance squared from orbit of 22 to 7 is at most 0.93211054610591.
distance squared from orbit of 22 to 12 will be revised since for 22 6 12: 0.6666666687254745+0.250000000000005<0.9500060016201058
revised distance squared from orbit of 22 to 12 is at most 0.9500060016201058.
distance squared from orbit of 22 to 12 will be revised since for 22 10 12: 0.37500000000008465+0.5000000034648147<0.9500060016201058
revised distance squared from orbit of 22 to 12 is at most 0.9500060016201058.
distance squared from orbit of 22 to 12 will be revised since for 22 13 12: 0.4406335878339775+0.5000000165821706<0.9500060016201058
revised distance squared from orbit of 22 to 12 is at most 0.9500060016201058.
distance squared from orbit of 22 to 12 will be revised since for 22 15 12: 0.33333333333338266+0.5000000023319603<0.9500060016201058
revised distance squared from orbit of 22 to 12 is at most 0.9500060016201058.
distance squared from orbit of 22 to 12 will be revised since for 22 18 12: 0.6000000867284392+0.2500000000000241<0.9500060016201058
revised distance squared from orbit of 22 to 12 is at most 0.9500060016201058.
distance squared from orbit of 22 to 12 will be revised since for 22 19 12: 0.33333333348044675+0.5000000005201435<0.9500060016201058
revised distance squared from orbit of 22 to 12 is at most 0.9500060016201058.
distance squared from orbit of 22 to 12 will be revised since for 22 20 12: 0.16666667291890438+0.7500000000636526<0.9500060016201058
revised distance squared from orbit of 22 to 12 is at most 0.9500060016201058.
distance squared from orbit of 22 to 12 will be revised since for 22 23 12: 4.383850250277859e-7+0.9500000000002298<0.9500060016201058
revised distance squared from orbit of 22 to 12 is at most 0.9500000100311986.
distance squared from orbit of 22 to 14 will be revised since for 22 8 14: 0.5000000046798673+1.0759759688677524e-7<0.6666666697080686
revised distance squared from orbit of 22 to 14 is at most 0.666666668267034.
distance squared from orbit of 22 to 14 will be revised since for 22 10 14: 0.37500000000008465+7.21911927373819e-8<0.666666668267034
revised distance squared from orbit of 22 to 14 is at most 0.666666668267034.
distance squared from orbit of 22 to 17 will be revised since for 22 20 17: 0.16666667291890438+0.2500000000111853<0.5000000035244149
revised distance squared from orbit of 22 to 17 is at most 0.5000000033224599.
distance squared from orbit of 22 to 18 will be revised since for 22 10 18: 0.37500000000008465+0.20000000578967755<0.6000000867284392
revised distance squared from orbit of 22 to 18 is at most 0.6000000867284392.
distance squared from orbit of 22 to 18 will be revised since for 22 15 18: 0.33333333333338266+0.20000000669850865<0.6000000867284392
revised distance squared from orbit of 22 to 18 is at most 0.6000000867284392.
distance squared from orbit of 22 to 18 will be revised since for 22 19 18: 0.33333333348044675+0.20000000063020723<0.6000000867284392
revised distance squared from orbit of 22 to 18 is at most 0.6000000867284392.
distance squared from orbit of 22 to 21 will be revised since for 22 8 21: 0.5000000046798673+1.1067870978388369e-7<0.5000003698317023
revised distance squared from orbit of 22 to 21 is at most 0.5000003698317023.
distance squared from orbit of 22 to 21 will be revised since for 22 10 21: 0.37500000000008465+2.7384698575935387e-8<0.5000003698317023
revised distance squared from orbit of 22 to 21 is at most 0.5000000061313584.
distance squared from orbit of 22 to 21 will be revised since for 22 13 21: 0.4406335878339775+6.644275465248012e-7<0.5000000061313584
revised distance squared from orbit of 22 to 21 is at most 0.5000000061313584.
distance squared from orbit of 22 to 21 will be revised since for 22 15 21: 0.33333333333338266+6.549007850755832e-7<0.5000000061313584
revised distance squared from orbit of 22 to 21 is at most 0.5000000061313584.
distance squared from orbit of 22 to 21 will be revised since for 22 19 21: 0.33333333348044675+3.527290939866991e-7<0.5000000061313584
revised distance squared from orbit of 22 to 21 is at most 0.5000000061313584.

distance squared from orbit of 23 to 2 will be revised since for 23 8 2: 0.5000000000000896+0.33333333333340853<0.9166666666666813
revised distance squared from orbit of 23 to 2 is at most 0.9166666666666813.
distance squared from orbit of 23 to 4 will be revised since for 23 10 4: 0.5000000000000316+0.16666666666675772<0.8333333333333628
revised distance squared from orbit of 23 to 4 is at most 0.8333333333333628.
distance squared from orbit of 23 to 6 will be revised since for 23 20 6: 0.1666666666666969+0.3333333333583463<0.666666666774871
revised distance squared from orbit of 23 to 6 is at most 0.6666666667440505.
distance squared from orbit of 23 to 7 will be revised since for 23 8 7: 0.5000000000000896+0.20000000000944446<0.9321105255405562
revised distance squared from orbit of 23 to 7 is at most 0.9321105255405562.
distance squared from orbit of 23 to 7 will be revised since for 23 10 7: 0.5000000000000316+0.20000003238393804<0.9321105255405562
revised distance squared from orbit of 23 to 7 is at most 0.9321105255405562.
distance squared from orbit of 23 to 7 will be revised since for 23 14 7: 0.6666666666667078+0.2000000000000981<0.9321105255405562
revised distance squared from orbit of 23 to 7 is at most 0.9321105255405562.
distance squared from orbit of 23 to 12 will be revised since for 23 6 12: 0.6666666667440505+0.250000000000005<0.9500000000002298
revised distance squared from orbit of 23 to 12 is at most 0.9500000000002298.
distance squared from orbit of 23 to 12 will be revised since for 23 13 12: 0.4406335061551001+0.5000000165821706<0.9500000000002298
revised distance squared from orbit of 23 to 12 is at most 0.9500000000002298.
distance squared from orbit of 23 to 12 will be revised since for 23 18 12: 0.6000000016317334+0.2500000000000241<0.9500000000002298
revised distance squared from orbit of 23 to 12 is at most 0.9500000000002298.
distance squared from orbit of 23 to 12 will be revised since for 23 19 12: 0.33333333333349163+0.5000000005201435<0.9500000000002298
revised distance squared from orbit of 23 to 12 is at most 0.9500000000002298.
distance squared from orbit of 23 to 12 will be revised since for 23 20 12: 0.1666666666666969+0.7500000000636526<0.9500000000002298
revised distance squared from orbit of 23 to 12 is at most 0.9500000000002298.
distance squared from orbit of 23 to 14 will be revised since for 23 8 14: 0.5000000000000896+1.0759759688677524e-7<0.6666666666667078
revised distance squared from orbit of 23 to 14 is at most 0.6666666666667078.
distance squared from orbit of 23 to 14 will be revised since for 23 10 14: 0.5000000000000316+7.21911927373819e-8<0.6666666666667078
revised distance squared from orbit of 23 to 14 is at most 0.6666666666667078.
distance squared from orbit of 23 to 15 will be revised since for 23 10 15: 0.5000000000000316+6.7998419335423705e-6<0.6666666666668012
revised distance squared from orbit of 23 to 15 is at most 0.6666666666668012.
distance squared from orbit of 23 to 17 will be revised since for 23 20 17: 0.1666666666666969+0.2500000000111853<0.5000000000000306
revised distance squared from orbit of 23 to 17 is at most 0.5000000000000306.
distance squared from orbit of 23 to 18 will be revised since for 23 19 18: 0.33333333333349163+0.20000000063020723<0.6000000016317334
revised distance squared from orbit of 23 to 18 is at most 0.6000000016317334.
distance squared from orbit of 23 to 21 will be revised since for 23 13 21: 0.4406335061551001+6.644275465248012e-7<0.5000000000000612
revised distance squared from orbit of 23 to 21 is at most 0.5000000000000612.
distance squared from orbit of 23 to 21 will be revised since for 23 19 21: 0.33333333333349163+3.527290939866991e-7<0.5000000000000612
revised distance squared from orbit of 23 to 21 is at most 0.5000000000000612.
distance squared from orbit of 23 to 22 will be revised since for 23 4 22: 0.8333333333333628+0.00011750332816364824<0.8750000000000243
revised distance squared from orbit of 23 to 22 is at most 0.8750000000000243.
distance squared from orbit of 23 to 22 will be revised since for 23 10 22: 0.5000000000000316+1.8355004561615977e-5<0.8750000000000243
revised distance squared from orbit of 23 to 22 is at most 0.8750000000000243.
distance squared from orbit of 23 to 22 will be revised since for 23 15 22: 0.6666666666668012+3.724431103776777e-8<0.8750000000000243
revised distance squared from orbit of 23 to 22 is at most 0.8750000000000243.

rechecked new distance squared from orbit of 1 to 1 is at most 9.378649943907308e-14 old is 3.009921880722286e-13.
rechecked better distance squared from orbit of 1 to 4 is at most 2.4176147355364287e-9 old is 2.417804599474063e-9.
rechecked better distance squared from orbit of 1 to 6 is at most 0.33333333345568217 old is 0.33333333345568233.
rechecked better distance squared from orbit of 1 to 8 is at most 3.776276305090561e-10 old is 3.7977719313231946e-10.
rechecked better distance squared from orbit of 1 to 9 is at most 2.2670436007969343e-8 old is 2.3346096191740106e-8.
rechecked new distance squared from orbit of 1 to 12 is at most 0.5000000000004593 old is 0.5000000000125124.
rechecked better distance squared from orbit of 1 to 13 is at most 9.209745357143233e-6 old is 1.4084974200003334e-5.
rechecked better distance squared from orbit of 1 to 14 is at most 1.9503111558031707e-6 old is 2.2170912401241127e-6.
rechecked better distance squared from orbit of 1 to 15 is at most 1.127377481518247e-6 old is 1.1273781340556828e-6.
rechecked better distance squared from orbit of 1 to 17 is at most 0.2513740691259945 old is 0.25286324516027997.
rechecked better distance squared from orbit of 1 to 18 is at most 0.2000000000777092 old is 0.20000000007973753.
rechecked better distance squared from orbit of 1 to 19 is at most 8.683766512799532e-6 old is 8.704186067339618e-6.
rechecked better distance squared from orbit of 1 to 20 is at most 7.194970446946539e-5 old is 7.651276419173611e-5.
rechecked better distance squared from orbit of 1 to 21 is at most 9.243756284948837e-7 old is 2.1416435886041514e-6.
rechecked better distance squared from orbit of 1 to 22 is at most 2.2282859400903075e-9 old is 2.2283354733132625e-9.
rechecked better distance squared from orbit of 1 to 23 is at most 1.098259799409727e-6 old is 1.1071559622605078e-6.
rechecked better distance squared from orbit of 2 to 4 is at most 0.33333333693871875 old is 0.3333333369387204.
rechecked new distance squared from orbit of 2 to 5 is at most 1.0000000000000124 old is 1.000000000000056.
rechecked better distance squared from orbit of 2 to 6 is at most 8.28924211033605e-8 old is 1.1712309280769558e-7.
rechecked better distance squared from orbit of 2 to 7 is at most 0.20000000008795438 old is 0.2000000000879545.
rechecked better distance squared from orbit of 2 to 8 is at most 1.0409027038785674e-7 old is 4.403293018623685e-7.
rechecked better distance squared from orbit of 2 to 13 is at most 3.457739866945495e-5 old is 4.277864328332686e-5.
rechecked better distance squared from orbit of 2 to 14 is at most 4.907547612472421e-9 old is 4.91061571098064e-9.
rechecked better distance squared from orbit of 2 to 15 is at most 0.326076877099649 old is 0.3260768770997252.
rechecked better distance squared from orbit of 2 to 18 is at most 4.0320886287048636e-7 old is 7.872143435608598e-7.
rechecked better distance squared from orbit of 2 to 20 is at most 1.4363590804847188e-5 old is 1.6526810070182195e-5.
rechecked better distance squared from orbit of 2 to 21 is at most 1.9810642795323267e-7 old is 7.199030463236371e-7.
rechecked better distance squared from orbit of 2 to 22 is at most 0.5000000028194399 old is 0.5000000028194479.
rechecked better distance squared from orbit of 2 to 23 is at most 2.457295531960824e-6 old is 2.4580302794388205e-6.
rechecked better distance squared from orbit of 3 to 4 is at most 0.16666666984962883 old is 0.16666666985026424.
rechecked new distance squared from orbit of 3 to 9 is at most 2.7171120056237473e-8 old is 3.540142875819456e-8.
rechecked better distance squared from orbit of 3 to 9 is at most 1.9722253868198597e-8 old is 2.7171120056237473e-8.
rechecked better distance squared from orbit of 3 to 10 is at most 5.173509552772859e-9 old is 5.200381077407878e-9.
rechecked better distance squared from orbit of 3 to 13 is at most 4.360071481425021e-6 old is 4.369592260257876e-6.
rechecked better distance squared from orbit of 3 to 17 is at most 0.25078618004355785 old is 0.250829212798954.
rechecked better distance squared from orbit of 3 to 19 is at most 1.3146381948399978e-5 old is 1.3146403873106354e-5.
rechecked better distance squared from orbit of 3 to 20 is at most 2.4229019580073522e-5 old is 3.8410401003639115e-5.
rechecked better distance squared from orbit of 3 to 21 is at most 2.098438345139112e-6 old is 2.101781147737596e-6.
rechecked better distance squared from orbit of 3 to 22 is at most 4.850924697629413e-8 old is 5.003340685607144e-8.
rechecked better distance squared from orbit of 3 to 23 is at most 2.0467835325922772e-8 old is 6.806574823606655e-8.
rechecked better distance squared from orbit of 4 to 2 is at most 0.6666666731080083 old is 0.6666666746684983.
rechecked better distance squared from orbit of 4 to 3 is at most 0.5000000005659568 old is 0.5000000006319384.
rechecked new distance squared from orbit of 4 to 4 is at most 6.178997771670391e-13 old is 8.944469810193513e-13.
rechecked better distance squared from orbit of 4 to 6 is at most 0.627322006247406 old is 0.6273220062527215.
rechecked new distance squared from orbit of 4 to 7 is at most 0.20000000010011096 old is 0.20000000015549102.
rechecked better distance squared from orbit of 4 to 7 is at most 0.20000000009977675 old is 0.20000000010011096.
rechecked better distance squared from orbit of 4 to 8 is at most 0.5000000012027036 old is 0.5000000013227978.
rechecked better distance squared from orbit of 4 to 9 is at most 0.5000357884371017 old is 0.5001088176366681.
rechecked new distance squared from orbit of 4 to 10 is at most 9.920700983874293e-9 old is 8.874732477996175e-7.
rechecked better distance squared from orbit of 4 to 10 is at most 2.634810415920225e-10 old is 9.920700983874293e-9.
rechecked better distance squared from orbit of 4 to 11 is at most 0.6666844848224655 old is 0.6667130018751901.
rechecked better distance squared from orbit of 4 to 12 is at most 0.5000000002947355 old is 0.5000000002947357.
rechecked better distance squared from orbit of 4 to 13 is at most 0.16666680834971478 old is 0.16666691556824464.
rechecked new distance squared from orbit of 4 to 14 is at most 4.116173384270994e-9 old is 7.480394254751195e-9.
rechecked new distance squared from orbit of 4 to 15 is at most 4.3928484915676755e-7 old is 9.746637820280875e-7.
rechecked better distance squared from orbit of 4 to 15 is at most 9.658139519202517e-8 old is 4.3928484915676755e-7.
rechecked better distance squared from orbit of 4 to 16 is at most 0.5000039173641811 old is 0.5000101343540748.
rechecked better distance squared from orbit of 4 to 18 is at most 0.2000000016579927 old is 0.2000000016579928.
rechecked better distance squared from orbit of 4 to 19 is at most 5.488903531577799e-7 old is 6.647613473930702e-7.
rechecked better distance squared from orbit of 4 to 20 is at most 0.16666672352171216 old is 0.16666672867437932.
rechecked new distance squared from orbit of 4 to 21 is at most 1.902459265112532e-10 old is 2.5702176668773888e-8.
rechecked better distance squared from orbit of 4 to 22 is at most 2.0965672054605095e-5 old is 0.00011750332816364824.
rechecked better distance squared from orbit of 5 to 1 is at most 0.9770023791960686 old is 0.9770023959943734.
rechecked new distance squared from orbit of 5 to 3 is at most 0.5000000000294048 old is 0.5000000000310778.
rechecked better distance squared from orbit of 5 to 6 is at most 0.5993396901766623 old is 0.5993397040800931.
rechecked better distance squared from orbit of 5 to 8 is at most 0.5000000000005119 old is 0.5000000000016392.
rechecked better distance squared from orbit of 5 to 11 is at most 5.3610867906407185e-6 old is 7.225707873384549e-6.
rechecked better distance squared from orbit of 5 to 12 is at most 0.500000001066685 old is 0.5000000023800676.
rechecked better distance squared from orbit of 5 to 13 is at most 0.1666709968891756 old is 0.1666710346927715.
rechecked new distance squared from orbit of 5 to 14 is at most 3.2538867615592973e-10 old is 8.124410473104478e-10.
rechecked better distance squared from orbit of 5 to 16 is at most 0.2500000047033173 old is 0.25000005755547305.
rechecked better distance squared from orbit of 5 to 18 is at most 0.20000000287266162 old is 0.2000000028728502.
rechecked better distance squared from orbit of 5 to 19 is at most 1.7374351718086601e-6 old is 1.801306029310787e-6.
rechecked better distance squared from orbit of 5 to 20 is at most 0.16666710598822676 old is 0.16666710624947956.
rechecked better distance squared from orbit of 5 to 22 is at most 0.4328059301538463 old is 0.4328060376071754.
rechecked better distance squared from orbit of 5 to 23 is at most 3.6248203028158106e-6 old is 3.6250002589513987e-6.
rechecked better distance squared from orbit of 6 to 4 is at most 0.500000005804584 old is 0.5000000079279346.
rechecked better distance squared from orbit of 6 to 10 is at most 0.4587341280657109 old is 0.45873413544184183.
rechecked better distance squared from orbit of 6 to 13 is at most 4.0232162407384514e-5 old is 8.346726741476915e-5.
rechecked better distance squared from orbit of 6 to 15 is at most 0.41499729109128347 old is 0.414997291565078.
rechecked new distance squared from orbit of 6 to 16 is at most 0.8672932564847572 old is 0.8672932565278448.
rechecked new distance squared from orbit of 6 to 19 is at most 5.20214728083257e-9 old is 9.002154476570412e-8.
rechecked better distance squared from orbit of 6 to 19 is at most 5.1325540254316486e-9 old is 5.20214728083257e-9.
rechecked new distance squared from orbit of 6 to 20 is at most 0.00019697067969561563 old is 0.0002485215197930173.
rechecked better distance squared from orbit of 6 to 20 is at most 0.0001270838525064592 old is 0.00019697067969561563.
rechecked better distance squared from orbit of 6 to 22 is at most 0.6752404766731841 old is 0.675240476791285.
rechecked better distance squared from orbit of 6 to 23 is at most 4.3292749978242565e-7 old is 5.966707200622681e-7.
rechecked better distance squared from orbit of 7 to 2 is at most 0.5000000009673897 old is 0.5000000011356924.
rechecked better distance squared from orbit of 7 to 4 is at most 0.3333333698288172 old is 0.33333362552807405.
rechecked better distance squared from orbit of 7 to 5 is at most 1.0000000535677855 old is 1.000000062155797.
rechecked better distance squared from orbit of 7 to 6 is at most 0.33333343585878794 old is 0.3333334656011004.
rechecked better distance squared from orbit of 7 to 8 is at most 0.48732316407078213 old is 0.4873233523093018.
rechecked better distance squared from orbit of 7 to 10 is at most 0.33333333668347376 old is 0.33333336593049273.
rechecked better distance squared from orbit of 7 to 12 is at most 0.25000000125221766 old is 0.25000000145100554.
rechecked better distance squared from orbit of 7 to 13 is at most 6.661187614262568e-5 old is 0.00010906834857585077.
rechecked better distance squared from orbit of 7 to 14 is at most 4.250005782199664e-7 old is 6.866188359096149e-7.
rechecked better distance squared from orbit of 7 to 15 is at most 0.3260768903594441 old is 0.3260770184658947.
rechecked new distance squared from orbit of 7 to 17 is at most 0.25000005363963174 old is 0.2500001236211174.
rechecked better distance squared from orbit of 7 to 17 is at most 0.2500000219079454 old is 0.25000005363963174.
rechecked better distance squared from orbit of 7 to 18 is at most 2.193316703531932e-9 old is 2.3733382077127282e-9.
rechecked better distance squared from orbit of 7 to 19 is at most 0.0005562019263926902 old is 0.0005562063880766925.
rechecked better distance squared from orbit of 7 to 20 is at most 1.2430864213104924e-5 old is 1.4345754900521579e-5.
rechecked better distance squared from orbit of 7 to 21 is at most 1.07366489337324e-8 old is 3.4356496764845524e-7.
rechecked better distance squared from orbit of 7 to 22 is at most 0.5000001057114242 old is 0.5000001754079236.
rechecked better distance squared from orbit of 7 to 23 is at most 8.833018873557809e-6 old is 1.3373509479241153e-5.
rechecked new distance squared from orbit of 8 to 3 is at most 0.5000000000000809 old is 0.5000000000000816.
rechecked better distance squared from orbit of 8 to 5 is at most 1.0000000043606199 old is 1.0000000708207324.
rechecked better distance squared from orbit of 8 to 10 is at most 0.33333333907607 old is 0.3333333505519895.
rechecked better distance squared from orbit of 8 to 13 is at most 2.7720720658722173e-5 old is 5.615286448731454e-5.
rechecked better distance squared from orbit of 8 to 14 is at most 4.723764181146227e-9 old is 1.0759759688677524e-7.
rechecked better distance squared from orbit of 8 to 15 is at most 0.326076880399974 old is 0.3260768804057029.
rechecked better distance squared from orbit of 8 to 17 is at most 0.2503093827213933 old is 0.25043120207262737.
rechecked better distance squared from orbit of 8 to 19 is at most 0.00010395777665562894 old is 0.0002632199234028688.
rechecked better distance squared from orbit of 8 to 20 is at most 0.0001160716785896923 old is 0.00021045762696099627.
rechecked better distance squared from orbit of 8 to 21 is at most 1.1067735373398488e-7 old is 1.1067870978388369e-7.
rechecked new distance squared from orbit of 8 to 23 is at most 2.3905464385182973e-6 old is 7.7611642743229e-6.
rechecked better distance squared from orbit of 8 to 23 is at most 1.4197910266484361e-6 old is 2.3905464385182973e-6.
rechecked new distance squared from orbit of 9 to 1 is at most 1.0000000000000449 old is 1.0000000000000866.
rechecked better distance squared from orbit of 9 to 2 is at most 0.6667010429101614 old is 0.6667037927720919.
rechecked new distance squared from orbit of 9 to 3 is at most 0.6324643726006665 old is 0.6324643726007304.
rechecked better distance squared from orbit of 9 to 4 is at most 0.3333333353648525 old is 0.3333333353649726.
rechecked better distance squared from orbit of 9 to 6 is at most 0.33336822786304715 old is 0.3333972179959877.
rechecked better distance squared from orbit of 9 to 7 is at most 0.6000068254338897 old is 0.600016927944438.
rechecked better distance squared from orbit of 9 to 8 is at most 0.44753157273572397 old is 0.4475317424834284.
rechecked better distance squared from orbit of 9 to 10 is at most 0.20833333898512482 old is 0.20833333902778844.
rechecked better distance squared from orbit of 9 to 12 is at most 0.5000033614438647 old is 0.5000034862662076.
rechecked better distance squared from orbit of 9 to 13 is at most 1.0623115939692935e-6 old is 1.6221437404151825e-6.
rechecked better distance squared from orbit of 9 to 14 is at most 0.3333553056125684 old is 0.33337354996683627.
rechecked better distance squared from orbit of 9 to 15 is at most 3.272011150594233e-8 old is 2.7516510900433383e-7.
rechecked better distance squared from orbit of 9 to 17 is at most 0.2500528946323266 old is 0.2501263575194974.
rechecked better distance squared from orbit of 9 to 18 is at most 0.20003562231486371 old is 0.20007064575567093.
rechecked better distance squared from orbit of 9 to 19 is at most 4.8073307403380656e-5 old is 7.680235522709547e-5.
rechecked better distance squared from orbit of 9 to 20 is at most 4.673337261672436e-6 old is 4.673745175942279e-6.
rechecked better distance squared from orbit of 9 to 21 is at most 1.3265719647554995e-6 old is 1.3267940457314005e-6.
rechecked better distance squared from orbit of 9 to 22 is at most 3.3955921498699066e-8 old is 4.8528821558873626e-8.
rechecked better distance squared from orbit of 9 to 23 is at most 4.5984251528740986e-7 old is 4.598431100516353e-7.
rechecked new distance squared from orbit of 10 to 3 is at most 0.5000000226536402 old is 0.5000000265958809.
rechecked better distance squared from orbit of 10 to 3 is at most 0.5000000167385638 old is 0.5000000226536402.
rechecked better distance squared from orbit of 10 to 7 is at most 0.2000000296919511 old is 0.20000003238393804.
rechecked better distance squared from orbit of 10 to 9 is at most 0.500008735817819 old is 0.5000171371378833.
rechecked better distance squared from orbit of 10 to 11 is at most 0.6666666673883656 old is 0.6666666695970845.
rechecked better distance squared from orbit of 10 to 12 is at most 0.5000000034648143 old is 0.5000000034648147.
rechecked better distance squared from orbit of 10 to 14 is at most 3.166879682771498e-9 old is 7.21911927373819e-8.
rechecked better distance squared from orbit of 10 to 15 is at most 2.4926875643230267e-6 old is 6.7998419335423705e-6.
rechecked better distance squared from orbit of 10 to 16 is at most 0.5000000035035752 old is 0.5000004453613963.
rechecked better distance squared from orbit of 10 to 17 is at most 0.500000000110703 old is 0.5000000010017449.
rechecked better distance squared from orbit of 10 to 18 is at most 0.2000000044306651 old is 0.20000000578967755.
rechecked better distance squared from orbit of 10 to 19 is at most 1.1182321965368853e-6 old is 1.1911716501194083e-6.
rechecked better distance squared from orbit of 10 to 20 is at most 0.16666675071518042 old is 0.16666675077400647.
rechecked better distance squared from orbit of 10 to 21 is at most 2.8536567690080824e-9 old is 2.7384698575935387e-8.
rechecked better distance squared from orbit of 10 to 22 is at most 1.1516081427402227e-5 old is 1.8355004561615977e-5.
rechecked better distance squared from orbit of 10 to 23 is at most 2.404312232611709e-7 old is 3.817400697455099e-7.
rechecked better distance squared from orbit of 11 to 7 is at most 0.20000000566625722 old is 0.2000000058379133.
rechecked better distance squared from orbit of 11 to 8 is at most 0.5000000000144402 old is 0.5000000012336481.
rechecked better distance squared from orbit of 11 to 10 is at most 0.33333333418373495 old is 0.33333333418373545.
rechecked new distance squared from orbit of 11 to 11 is at most 4.224146789447372e-13 old is 5.255184661697187e-13.
rechecked better distance squared from orbit of 11 to 13 is at most 0.16666666733610536 old is 0.16666666751136447.
rechecked better distance squared from orbit of 11 to 14 is at most 7.986329472594663e-9 old is 8.110006571315815e-9.
rechecked better distance squared from orbit of 11 to 15 is at most 0.32607687470221536 old is 0.32607687470222246.
rechecked better distance squared from orbit of 11 to 19 is at most 3.5597700168491997e-9 old is 2.235975073395793e-8.
rechecked better distance squared from orbit of 11 to 21 is at most 2.9397122090028105e-7 old is 2.943373469431737e-7.
rechecked better distance squared from orbit of 11 to 23 is at most 7.943344658403435e-7 old is 8.010519299106068e-7.
rechecked better distance squared from orbit of 12 to 4 is at most 0.6666667022057142 old is 0.6666667654260181.
rechecked better distance squared from orbit of 12 to 7 is at most 0.5000002124648499 old is 0.5000003468675456.
rechecked new distance squared from orbit of 12 to 8 is at most 0.5000000000001029 old is 0.5000000000001724.
rechecked new distance squared from orbit of 12 to 12 is at most 2.27091311841711e-12 old is 0.2500000000144589.
rechecked better distance squared from orbit of 12 to 13 is at most 0.33333360217118535 old is 0.33333360984194443.
rechecked better distance squared from orbit of 12 to 14 is at most 0.5000000489300597 old is 0.5000001566294202.
rechecked better distance squared from orbit of 12 to 15 is at most 0.6458333580662908 old is 0.6458333589465327.
rechecked new distance squared from orbit of 12 to 17 is at most 8.760249092091713e-12 old is 6.84717979129814e-11.
rechecked better distance squared from orbit of 12 to 18 is at most 3.44827704419166e-7 old is 6.892281795963736e-7.
rechecked better distance squared from orbit of 12 to 20 is at most 1.1970633222408137e-6 old is 1.7633438208466508e-6.
rechecked better distance squared from orbit of 12 to 21 is at most 9.266357992818519e-8 old is 3.5602985316776254e-7.
rechecked better distance squared from orbit of 13 to 1 is at most 1.000000008218128 old is 1.0000000084890992.
rechecked better distance squared from orbit of 13 to 2 is at most 0.6666666819963827 old is 0.6666668118827497.
rechecked better distance squared from orbit of 13 to 3 is at most 0.8964466583632851 old is 0.8964469622769567.
rechecked new distance squared from orbit of 13 to 4 is at most 0.5000001851213123 old is 0.5000003046212781.
rechecked better distance squared from orbit of 13 to 4 is at most 0.5000000310595044 old is 0.5000001851213123.
rechecked better distance squared from orbit of 13 to 5 is at most 1.000000003621849 old is 1.0000003937107163.
rechecked better distance squared from orbit of 13 to 6 is at most 0.33333479295855734 old is 0.333336025207328.
rechecked better distance squared from orbit of 13 to 7 is at most 0.630123968992332 old is 0.6301240222027034.
rechecked better distance squared from orbit of 13 to 8 is at most 0.4873226940802534 old is 0.48732272822881634.
rechecked better distance squared from orbit of 13 to 10 is at most 0.45873414044733485 old is 0.4587344996108677.
rechecked better distance squared from orbit of 13 to 11 is at most 0.8301371412987845 old is 0.8301371427983814.
rechecked better distance squared from orbit of 13 to 12 is at most 0.5000000084964146 old is 0.5000000165821706.
rechecked new distance squared from orbit of 13 to 13 is at most 1.2549729341165172e-13 old is 3.3918253758854486e-12.
rechecked better distance squared from orbit of 13 to 14 is at most 0.5000000633860121 old is 0.5000002585758326.
rechecked better distance squared from orbit of 13 to 15 is at most 0.41499728953581444 old is 0.4149973705092607.
rechecked better distance squared from orbit of 13 to 16 is at most 0.867293299971946 old is 0.8672935503889967.
rechecked better distance squared from orbit of 13 to 17 is at most 0.25000222558417234 old is 0.2500086743301103.
rechecked better distance squared from orbit of 13 to 18 is at most 0.20000001566882905 old is 0.20000006504030224.
rechecked better distance squared from orbit of 13 to 19 is at most 1.706101532821378e-7 old is 9.413790254886094e-7.
rechecked better distance squared from orbit of 13 to 20 is at most 7.710790158074996e-8 old is 2.3173178116386578e-7.
rechecked new distance squared from orbit of 13 to 21 is at most 2.858624135730001e-7 old is 6.644275465248012e-7.
rechecked better distance squared from orbit of 13 to 21 is at most 2.7083759575971507e-8 old is 2.858624135730001e-7.
rechecked better distance squared from orbit of 13 to 22 is at most 0.6752404799788442 old is 0.6752406217484334.
rechecked better distance squared from orbit of 13 to 23 is at most 7.185035027392841e-9 old is 2.1351873521118264e-8.
rechecked better distance squared from orbit of 14 to 2 is at most 0.6666666726912007 old is 0.6666666743803712.
rechecked better distance squared from orbit of 14 to 8 is at most 0.5000000000407157 old is 0.5000000000444984.
rechecked better distance squared from orbit of 14 to 13 is at most 0.16666950126734462 old is 0.16667119107896214.
rechecked new distance squared from orbit of 14 to 14 is at most 7.616614967060971e-14 old is 3.0948329354280836e-13.
rechecked better distance squared from orbit of 14 to 19 is at most 7.852078263044236e-6 old is 2.277784285424035e-5.
rechecked new distance squared from orbit of 14 to 21 is at most 8.292159867064385e-9 old is 4.320819279485753e-8.
rechecked better distance squared from orbit of 14 to 21 is at most 7.175515286882254e-9 old is 8.292159867064385e-9.
rechecked better distance squared from orbit of 14 to 23 is at most 6.018944844387001e-8 old is 6.29218716654996e-8.
rechecked new distance squared from orbit of 15 to 2 is at most 0.6666666713335518 old is 0.666666684845163.
rechecked better distance squared from orbit of 15 to 2 is at most 0.6666666698198407 old is 0.6666666713335518.
rechecked better distance squared from orbit of 15 to 6 is at most 0.6666666679178408 old is 0.6666666679178453.
rechecked new distance squared from orbit of 15 to 7 is at most 0.616666666666741 old is 0.6166666666668006.
rechecked better distance squared from orbit of 15 to 8 is at most 0.5000000033173423 old is 0.5000000050751934.
rechecked better distance squared from orbit of 15 to 12 is at most 0.5000000023319491 old is 0.5000000023319603.
rechecked better distance squared from orbit of 15 to 13 is at most 0.16666876946332881 old is 0.1666693713160223.
rechecked better distance squared from orbit of 15 to 16 is at most 0.5000000013654952 old is 0.5000000076121053.
rechecked better distance squared from orbit of 15 to 18 is at most 0.20000000356407002 old is 0.20000000669850865.
rechecked better distance squared from orbit of 15 to 19 is at most 7.5126645517381815e-6 old is 9.076673087669767e-6.
rechecked better distance squared from orbit of 15 to 20 is at most 0.16666667912499902 old is 0.16666668735135218.
rechecked better distance squared from orbit of 15 to 21 is at most 2.8525644519544194e-9 old is 6.549007850755832e-7.
rechecked better distance squared from orbit of 15 to 22 is at most 3.2139880044953293e-9 old is 3.724431103776777e-8.
rechecked better distance squared from orbit of 15 to 23 is at most 3.4377042282758063e-7 old is 3.4377238879420667e-7.
rechecked new distance squared from orbit of 16 to 8 is at most 0.5000000001144169 old is 0.5000000001372018.
rechecked better distance squared from orbit of 16 to 9 is at most 0.5000000305460011 old is 0.5000000368721741.
rechecked better distance squared from orbit of 16 to 10 is at most 0.3750000100787866 old is 0.37500007011911035.
rechecked better distance squared from orbit of 16 to 15 is at most 0.33333334120513636 old is 0.33333334750670784.
rechecked better distance squared from orbit of 16 to 19 is at most 0.3333333357421066 old is 0.33333333627921985.
rechecked better distance squared from orbit of 16 to 20 is at most 0.16666668657583542 old is 0.1666667020613107.
rechecked better distance squared from orbit of 16 to 21 is at most 0.5000000247013434 old is 0.5000000290967263.
rechecked better distance squared from orbit of 16 to 22 is at most 3.2748047952444684e-8 old is 9.576673164440107e-8.
rechecked better distance squared from orbit of 16 to 23 is at most 9.921736832530353e-8 old is 5.193532522333365e-7.
rechecked better distance squared from orbit of 17 to 4 is at most 0.833333427412764 old is 0.8333334637149559.
rechecked new distance squared from orbit of 17 to 7 is at most 0.8799795560894188 old is 0.8799795560894286.
rechecked better distance squared from orbit of 17 to 10 is at most 0.500000053400999 old is 0.5000001344763224.
rechecked new distance squared from orbit of 17 to 12 is at most 0.5000000000000344 old is 0.7500000001596057.
rechecked better distance squared from orbit of 17 to 13 is at most 0.3333746210142735 old is 0.3333906078025592.
rechecked new distance squared from orbit of 17 to 14 is at most 0.6666666666667367 old is 0.6666666666672746.
rechecked better distance squared from orbit of 17 to 20 is at most 3.208806178694853e-5 old is 9.408404162705941e-5.
rechecked better distance squared from orbit of 17 to 21 is at most 0.5000000031745397 old is 0.5000000427075242.
rechecked better distance squared from orbit of 17 to 22 is at most 0.8750000777078595 old is 0.8750000777138077.
rechecked better distance squared from orbit of 17 to 23 is at most 2.9422981103079553e-7 old is 4.443423706039265e-7.
rechecked new distance squared from orbit of 18 to 4 is at most 0.6666670740207946 old is 0.6666671269851395.
rechecked better distance squared from orbit of 18 to 4 is at most 0.6666669885616493 old is 0.6666670740207946.
rechecked new distance squared from orbit of 18 to 5 is at most 1.3333333333387447 old is 1.333333333348542.
rechecked better distance squared from orbit of 18 to 6 is at most 0.33333333472725574 old is 0.3333333347333823.
rechecked better distance squared from orbit of 18 to 10 is at most 0.5000304905309422 old is 0.5000304906010737.
rechecked better distance squared from orbit of 18 to 13 is at most 0.33334797320017423 old is 0.3333509871210373.
rechecked better distance squared from orbit of 18 to 14 is at most 0.5000000035556638 old is 0.5000000802253725.
rechecked better distance squared from orbit of 18 to 15 is at most 0.6458333693693721 old is 0.6458335712327132.
rechecked better distance squared from orbit of 18 to 16 is at most 0.8750071247074017 old is 0.8750071996492611.
rechecked better distance squared from orbit of 18 to 19 is at most 0.333340491646294 old is 0.33334051028901307.
rechecked better distance squared from orbit of 18 to 20 is at most 1.2937342179550928e-5 old is 2.0986109542195287e-5.
rechecked new distance squared from orbit of 18 to 21 is at most 5.56489516520451e-7 old is 8.212685945258158e-7.
rechecked better distance squared from orbit of 18 to 21 is at most 3.32629958356056e-7 old is 5.56489516520451e-7.
rechecked better distance squared from orbit of 18 to 22 is at most 0.8750086548614647 old is 0.8750086555832395.
rechecked better distance squared from orbit of 18 to 23 is at most 1.6728247609268585e-5 old is 0.0001097106633798051.
rechecked better distance squared from orbit of 19 to 6 is at most 0.6666666696611716 old is 0.6666666696648449.
rechecked better distance squared from orbit of 19 to 8 is at most 0.5000000157604104 old is 0.500000018047071.
rechecked new distance squared from orbit of 19 to 10 is at most 0.4587341226348008 old is 0.45873412263481417.
rechecked better distance squared from orbit of 19 to 14 is at most 0.5000000000668622 old is 0.5000000001102487.
rechecked better distance squared from orbit of 19 to 18 is at most 0.2000000005431086 old is 0.20000000063020723.
rechecked better distance squared from orbit of 19 to 20 is at most 0.1666666670628261 old is 0.16666666712385567.
rechecked better distance squared from orbit of 19 to 21 is at most 1.6158962806054044e-7 old is 3.527290939866991e-7.
rechecked new distance squared from orbit of 19 to 23 is at most 2.934930933401749e-10 old is 6.891974903570625e-8.
rechecked better distance squared from orbit of 19 to 23 is at most 2.919540786442655e-10 old is 2.934930933401749e-10.
rechecked better distance squared from orbit of 20 to 4 is at most 0.8333333598487614 old is 0.8333334606733845.
rechecked new distance squared from orbit of 20 to 6 is at most 0.3333333333340647 old is 0.3333333333583463.
rechecked better distance squared from orbit of 20 to 10 is at most 0.5000002876722398 old is 0.5000003607296684.
rechecked better distance squared from orbit of 20 to 12 is at most 0.7500000000425259 old is 0.7500000000636526.
rechecked better distance squared from orbit of 20 to 15 is at most 0.6666668739366273 old is 0.6666669398484498.
rechecked better distance squared from orbit of 20 to 16 is at most 0.8750001912677756 old is 0.8750001954806045.
rechecked better distance squared from orbit of 20 to 19 is at most 0.333333530256218 old is 0.3333335365591562.
rechecked new distance squared from orbit of 20 to 20 is at most 2.41401018624766e-13 old is 2.0269398467257518e-10.
rechecked better distance squared from orbit of 20 to 21 is at most 0.5000001070845262 old is 0.5000002569625042.
rechecked better distance squared from orbit of 20 to 22 is at most 0.8750001814034217 old is 0.8750003825182692.
rechecked better distance squared from orbit of 20 to 23 is at most 3.599959375719813e-7 old is 4.602198442564904e-7.
rechecked new distance squared from orbit of 21 to 7 is at most 0.6301239602446058 old is 0.6301239602446094.
rechecked new distance squared from orbit of 21 to 8 is at most 0.5000000000000855 old is 0.5000000000002081.
rechecked new distance squared from orbit of 21 to 10 is at most 0.5000000276110789 old is 0.5000000378069758.
rechecked better distance squared from orbit of 21 to 10 is at most 0.5000000037798733 old is 0.5000000276110789.
rechecked better distance squared from orbit of 21 to 16 is at most 0.8750000071372495 old is 0.8750000321235882.
rechecked better distance squared from orbit of 21 to 19 is at most 0.333333333849954 old is 0.33333336289093407.
rechecked better distance squared from orbit of 21 to 20 is at most 0.16666671552771367 old is 0.16666674130396128.
rechecked new distance squared from orbit of 21 to 21 is at most 3.658999129400834e-13 old is 3.5262171097919527e-12.
rechecked better distance squared from orbit of 21 to 23 is at most 5.9041243580436216e-8 old is 8.01134703598284e-8.
rechecked better distance squared from orbit of 22 to 2 is at most 0.9166666839452471 old is 0.9166666845367609.
rechecked better distance squared from orbit of 22 to 6 is at most 0.6666666687249999 old is 0.6666666687254745.
rechecked better distance squared from orbit of 22 to 7 is at most 0.9321105348046365 old is 0.93211054610591.
rechecked better distance squared from orbit of 22 to 8 is at most 0.5000000035952726 old is 0.5000000046798673.
rechecked better distance squared from orbit of 22 to 12 is at most 0.9500000093378514 old is 0.9500000100311986.
rechecked better distance squared from orbit of 22 to 13 is at most 0.4406335123229996 old is 0.4406335878339775.
rechecked better distance squared from orbit of 22 to 14 is at most 0.6666666676661096 old is 0.666666668267034.
rechecked better distance squared from orbit of 22 to 18 is at most 0.6000000145003643 old is 0.6000000867284392.
rechecked better distance squared from orbit of 22 to 19 is at most 0.33333333347756267 old is 0.33333333348044675.
rechecked better distance squared from orbit of 22 to 20 is at most 0.16666666846581119 old is 0.16666667291890438.
rechecked better distance squared from orbit of 22 to 21 is at most 0.5000000061313583 old is 0.5000000061313584.
rechecked better distance squared from orbit of 22 to 23 is at most 2.0781808011397565e-8 old is 4.383850250277859e-7.
rechecked new distance squared from orbit of 23 to 19 is at most 0.33333333333345805 old is 0.33333333333349163.
rechecked new distance squared from orbit of 23 to 23 is at most 1.787415688704973e-14 old is 4.618772910314479e-13.
third run
distance squared from orbit of 1 to 9 will be revised since for 1 3 9: 4.690370893413399e-11+1.9722253868198597e-8<2.2670436007969343e-8
revised distance squared from orbit of 1 to 9 is at most 1.9238954566127248e-8.
distance squared from orbit of 1 to 10 will be revised since for 1 3 10: 4.690370893413399e-11+5.173509552772859e-9<1.3725018937086242e-8
revised distance squared from orbit of 1 to 10 is at most 8.062977790718892e-9.
distance squared from orbit of 1 to 10 will be revised since for 1 4 10: 2.4176147355364287e-9+2.634810415920225e-10<8.062977790718892e-9
revised distance squared from orbit of 1 to 10 is at most 8.062977790718892e-9.
distance squared from orbit of 1 to 12 will be revised since for 1 7 12: 0.20000000002258708+0.25000000125221766<0.5000000000004593
revised distance squared from orbit of 1 to 12 is at most 0.5000000000004593.
distance squared from orbit of 1 to 12 will be revised since for 1 18 12: 0.2000000000777092+0.2500000000000241<0.5000000000004593
revised distance squared from orbit of 1 to 12 is at most 0.5000000000004593.
distance squared from orbit of 1 to 13 will be revised since for 1 3 13: 4.690370893413399e-11+4.360071481425021e-6<9.209745357143233e-6
revised distance squared from orbit of 1 to 13 is at most 7.892373788358198e-6.
distance squared from orbit of 1 to 13 will be revised since for 1 9 13: 1.9238954566127248e-8+1.0623115939692935e-6<7.892373788358198e-6
revised distance squared from orbit of 1 to 13 is at most 7.892373788358198e-6.
distance squared from orbit of 1 to 14 will be revised since for 1 3 14: 4.690370893413399e-11+1.0973405704351779e-7<1.9503111558031707e-6
revised distance squared from orbit of 1 to 14 is at most 1.9503111558031707e-6.
distance squared from orbit of 1 to 14 will be revised since for 1 4 14: 2.4176147355364287e-9+4.116173384270994e-9<1.9503111558031707e-6
revised distance squared from orbit of 1 to 14 is at most 1.9503111558031707e-6.
distance squared from orbit of 1 to 14 will be revised since for 1 8 14: 3.776276305090561e-10+4.723764181146227e-9<1.9503111558031707e-6
revised distance squared from orbit of 1 to 14 is at most 1.9503111558031707e-6.
distance squared from orbit of 1 to 14 will be revised since for 1 10 14: 8.062977790718892e-9+3.166879682771498e-9<1.9503111558031707e-6
revised distance squared from orbit of 1 to 14 is at most 1.9503111558031707e-6.
distance squared from orbit of 1 to 15 will be revised since for 1 3 15: 4.690370893413399e-11+4.552182558127568e-7<1.127377481518247e-6
revised distance squared from orbit of 1 to 15 is at most 1.127377481518247e-6.
distance squared from orbit of 1 to 15 will be revised since for 1 4 15: 2.4176147355364287e-9+9.658139519202517e-8<1.127377481518247e-6
revised distance squared from orbit of 1 to 15 is at most 3.969727729320734e-7.
distance squared from orbit of 1 to 15 will be revised since for 1 9 15: 1.9238954566127248e-8+3.272011150594233e-8<3.969727729320734e-7
revised distance squared from orbit of 1 to 15 is at most 3.969727729320734e-7.
distance squared from orbit of 1 to 17 will be revised since for 1 3 17: 4.690370893413399e-11+0.25078618004355785<0.2513740691259945
revised distance squared from orbit of 1 to 17 is at most 0.2507736403149217.
distance squared from orbit of 1 to 17 will be revised since for 1 8 17: 3.776276305090561e-10+0.2503093827213933<0.2507736403149217
revised distance squared from orbit of 1 to 17 is at most 0.2507736403149217.
distance squared from orbit of 1 to 17 will be revised since for 1 9 17: 1.9238954566127248e-8+0.2500528946323266<0.2507736403149217
revised distance squared from orbit of 1 to 17 is at most 0.2507736403149217.
distance squared from orbit of 1 to 17 will be revised since for 1 13 17: 7.892373788358198e-6+0.25000222558417234<0.2507736403149217
revised distance squared from orbit of 1 to 17 is at most 0.2507736403149217.
distance squared from orbit of 1 to 17 will be revised since for 1 20 17: 7.194970446946539e-5+0.2500000000111853<0.2507736403149217
revised distance squared from orbit of 1 to 17 is at most 0.2507736403149217.
distance squared from orbit of 1 to 19 will be revised since for 1 4 19: 2.4176147355364287e-9+5.488903531577799e-7<8.683766512799532e-6
revised distance squared from orbit of 1 to 19 is at most 8.683766512799532e-6.
distance squared from orbit of 1 to 19 will be revised since for 1 10 19: 8.062977790718892e-9+1.1182321965368853e-6<8.683766512799532e-6
revised distance squared from orbit of 1 to 19 is at most 8.683766512799532e-6.
distance squared from orbit of 1 to 19 will be revised since for 1 13 19: 7.892373788358198e-6+1.706101532821378e-7<8.683766512799532e-6
revised distance squared from orbit of 1 to 19 is at most 8.683766512799532e-6.
distance squared from orbit of 1 to 19 will be revised since for 1 15 19: 3.969727729320734e-7+7.5126645517381815e-6<8.683766512799532e-6
revised distance squared from orbit of 1 to 19 is at most 8.683766512799532e-6.
distance squared from orbit of 1 to 20 will be revised since for 1 3 20: 4.690370893413399e-11+2.4229019580073522e-5<7.194970446946539e-5
revised distance squared from orbit of 1 to 20 is at most 2.8320338698210567e-5.
distance squared from orbit of 1 to 20 will be revised since for 1 9 20: 1.9238954566127248e-8+4.673337261672436e-6<2.8320338698210567e-5
revised distance squared from orbit of 1 to 20 is at most 2.8320338698210567e-5.
distance squared from orbit of 1 to 20 will be revised since for 1 13 20: 7.892373788358198e-6+7.710790158074996e-8<2.8320338698210567e-5
revised distance squared from orbit of 1 to 20 is at most 2.8320338698210567e-5.
distance squared from orbit of 1 to 21 will be revised since for 1 4 21: 2.4176147355364287e-9+1.902459265112532e-10<9.243756284948837e-7
revised distance squared from orbit of 1 to 21 is at most 9.243756284948837e-7.
distance squared from orbit of 1 to 21 will be revised since for 1 8 21: 3.776276305090561e-10+1.1067735373398488e-7<9.243756284948837e-7
revised distance squared from orbit of 1 to 21 is at most 9.243756284948837e-7.
distance squared from orbit of 1 to 21 will be revised since for 1 10 21: 8.062977790718892e-9+2.8536567690080824e-9<9.243756284948837e-7
revised distance squared from orbit of 1 to 21 is at most 9.243756284948837e-7.
distance squared from orbit of 1 to 21 will be revised since for 1 15 21: 3.969727729320734e-7+2.8525644519544194e-9<9.243756284948837e-7
revised distance squared from orbit of 1 to 21 is at most 9.243756284948837e-7.
distance squared from orbit of 1 to 23 will be revised since for 1 3 23: 4.690370893413399e-11+2.0467835325922772e-8<1.098259799409727e-6
revised distance squared from orbit of 1 to 23 is at most 1.098259799409727e-6.
distance squared from orbit of 1 to 23 will be revised since for 1 4 23: 2.4176147355364287e-9+1.9850857119940633e-7<1.098259799409727e-6
revised distance squared from orbit of 1 to 23 is at most 1.098259799409727e-6.
distance squared from orbit of 1 to 23 will be revised since for 1 9 23: 1.9238954566127248e-8+4.5984251528740986e-7<1.098259799409727e-6
revised distance squared from orbit of 1 to 23 is at most 1.098259799409727e-6.
distance squared from orbit of 1 to 23 will be revised since for 1 10 23: 8.062977790718892e-9+2.404312232611709e-7<1.098259799409727e-6
revised distance squared from orbit of 1 to 23 is at most 1.098259799409727e-6.
distance squared from orbit of 1 to 23 will be revised since for 1 15 23: 3.969727729320734e-7+3.4377042282758063e-7<1.098259799409727e-6
revised distance squared from orbit of 1 to 23 is at most 1.098259799409727e-6.
distance squared from orbit of 1 to 23 will be revised since for 1 21 23: 9.243756284948837e-7+5.9041243580436216e-8<1.098259799409727e-6
revised distance squared from orbit of 1 to 23 is at most 1.098259799409727e-6.
distance squared from orbit of 1 to 23 will be revised since for 1 22 23: 2.2282859400903075e-9+2.0781808011397565e-8<1.098259799409727e-6
revised distance squared from orbit of 1 to 23 is at most 1.098259799409727e-6.

distance squared from orbit of 2 to 9 will be revised since for 2 1 9: 0.5000000000002985+1.9238954566127248e-8<0.5419582998295409
revised distance squared from orbit of 2 to 9 is at most 0.5419582998295409.
distance squared from orbit of 2 to 9 will be revised since for 2 3 9: 0.5000000000264259+1.9722253868198597e-8<0.5419582998295409
revised distance squared from orbit of 2 to 9 is at most 0.5419582998295409.
distance squared from orbit of 2 to 13 will be revised since for 2 8 13: 1.0409027038785674e-7+2.7720720658722173e-5<3.457739866945495e-5
revised distance squared from orbit of 2 to 13 is at most 2.7662937667134124e-5.
distance squared from orbit of 2 to 17 will be revised since for 2 12 17: 0.25000000000020983+8.760249092091713e-12<0.2500000000142433
revised distance squared from orbit of 2 to 17 is at most 0.2500000000099525.
distance squared from orbit of 2 to 19 will be revised since for 2 6 19: 8.28924211033605e-8+5.1325540254316486e-9<1.4965608273233856e-6
revised distance squared from orbit of 2 to 19 is at most 1.4965608273233856e-6.
distance squared from orbit of 2 to 20 will be revised since for 2 18 20: 4.0320886287048636e-7+1.2937342179550928e-5<1.4363590804847188e-5
revised distance squared from orbit of 2 to 20 is at most 1.417249468891884e-5.
distance squared from orbit of 2 to 21 will be revised since for 2 14 21: 4.907547612472421e-9+7.175515286882254e-9<1.9810642795323267e-7
revised distance squared from orbit of 2 to 21 is at most 1.9810642795323267e-7.
distance squared from orbit of 2 to 22 will be revised since for 2 1 22: 0.5000000000002985+2.2282859400903075e-9<0.5000000028194399
revised distance squared from orbit of 2 to 22 is at most 0.5000000028194399.
distance squared from orbit of 2 to 22 will be revised since for 2 4 22: 0.33333333693871875+2.0965672054605095e-5<0.5000000028194399
revised distance squared from orbit of 2 to 22 is at most 0.5000000028194399.
distance squared from orbit of 2 to 22 will be revised since for 2 10 22: 0.33333333522365344+1.1516081427402227e-5<0.5000000028194399
revised distance squared from orbit of 2 to 22 is at most 0.5000000028194399.
distance squared from orbit of 2 to 22 will be revised since for 2 15 22: 0.326076877099649+3.2139880044953293e-9<0.5000000028194399
revised distance squared from orbit of 2 to 22 is at most 0.5000000028194399.
distance squared from orbit of 2 to 23 will be revised since for 2 6 23: 8.28924211033605e-8+4.3292749978242565e-7<2.457295531960824e-6
revised distance squared from orbit of 2 to 23 is at most 2.457295531960824e-6.
distance squared from orbit of 2 to 23 will be revised since for 2 8 23: 1.0409027038785674e-7+1.4197910266484361e-6<2.457295531960824e-6
revised distance squared from orbit of 2 to 23 is at most 2.457295531960824e-6.
distance squared from orbit of 2 to 23 will be revised since for 2 14 23: 4.907547612472421e-9+6.018944844387001e-8<2.457295531960824e-6
revised distance squared from orbit of 2 to 23 is at most 2.457295531960824e-6.
distance squared from orbit of 2 to 23 will be revised since for 2 19 23: 1.4965608273233856e-6+2.919540786442655e-10<2.457295531960824e-6
revised distance squared from orbit of 2 to 23 is at most 2.457295531960824e-6.
distance squared from orbit of 2 to 23 will be revised since for 2 21 23: 1.9810642795323267e-7+5.9041243580436216e-8<2.457295531960824e-6
revised distance squared from orbit of 2 to 23 is at most 2.457295531960824e-6.

distance squared from orbit of 3 to 2 will be revised since for 3 8 2: 3.512082237424113e-10+0.33333333333340853<0.3333333337021806
revised distance squared from orbit of 3 to 2 is at most 0.3333333337021806.
distance squared from orbit of 3 to 12 will be revised since for 3 7 12: 0.20000000000807894+0.25000000125221766<0.5000000000001374
revised distance squared from orbit of 3 to 12 is at most 0.5000000000001374.
distance squared from orbit of 3 to 12 will be revised since for 3 18 12: 0.20000000007983487+0.2500000000000241<0.5000000000001374
revised distance squared from orbit of 3 to 12 is at most 0.5000000000001374.
distance squared from orbit of 3 to 13 will be revised since for 3 9 13: 1.9722253868198597e-8+1.0623115939692935e-6<4.360071481425021e-6
revised distance squared from orbit of 3 to 13 is at most 4.360071481425021e-6.
distance squared from orbit of 3 to 14 will be revised since for 3 8 14: 3.512082237424113e-10+4.723764181146227e-9<1.0973405704351779e-7
revised distance squared from orbit of 3 to 14 is at most 7.433720757201747e-9.
distance squared from orbit of 3 to 15 will be revised since for 3 9 15: 1.9722253868198597e-8+3.272011150594233e-8<4.552182558127568e-7
revised distance squared from orbit of 3 to 15 is at most 2.3579150064921537e-7.
distance squared from orbit of 3 to 17 will be revised since for 3 8 17: 3.512082237424113e-10+0.2503093827213933<0.25078618004355785
revised distance squared from orbit of 3 to 17 is at most 0.2503110045717507.
distance squared from orbit of 3 to 17 will be revised since for 3 9 17: 1.9722253868198597e-8+0.2500528946323266<0.2503110045717507
revised distance squared from orbit of 3 to 17 is at most 0.2501277599504826.
distance squared from orbit of 3 to 17 will be revised since for 3 13 17: 4.360071481425021e-6+0.25000222558417234<0.2501277599504826
revised distance squared from orbit of 3 to 17 is at most 0.2501277599504826.
distance squared from orbit of 3 to 17 will be revised since for 3 20 17: 2.4229019580073522e-5+0.2500000000111853<0.2501277599504826
revised distance squared from orbit of 3 to 17 is at most 0.2501277599504826.
distance squared from orbit of 3 to 19 will be revised since for 3 10 19: 5.173509552772859e-9+1.1182321965368853e-6<1.3146381948399978e-5
revised distance squared from orbit of 3 to 19 is at most 1.3146381948399978e-5.
distance squared from orbit of 3 to 19 will be revised since for 3 13 19: 4.360071481425021e-6+1.706101532821378e-7<1.3146381948399978e-5
revised distance squared from orbit of 3 to 19 is at most 1.3146381948399978e-5.
distance squared from orbit of 3 to 19 will be revised since for 3 14 19: 7.433720757201747e-9+7.852078263044236e-6<1.3146381948399978e-5
revised distance squared from orbit of 3 to 19 is at most 1.3146381948399978e-5.
distance squared from orbit of 3 to 19 will be revised since for 3 15 19: 2.3579150064921537e-7+7.5126645517381815e-6<1.3146381948399978e-5
revised distance squared from orbit of 3 to 19 is at most 1.3146381948399978e-5.
distance squared from orbit of 3 to 20 will be revised since for 3 9 20: 1.9722253868198597e-8+4.673337261672436e-6<2.4229019580073522e-5
revised distance squared from orbit of 3 to 20 is at most 2.4229019580073522e-5.
distance squared from orbit of 3 to 20 will be revised since for 3 13 20: 4.360071481425021e-6+7.710790158074996e-8<2.4229019580073522e-5
revised distance squared from orbit of 3 to 20 is at most 2.4229019580073522e-5.
distance squared from orbit of 3 to 21 will be revised since for 3 8 21: 3.512082237424113e-10+1.1067735373398488e-7<2.098438345139112e-6
revised distance squared from orbit of 3 to 21 is at most 3.9919190211964444e-7.
distance squared from orbit of 3 to 21 will be revised since for 3 10 21: 5.173509552772859e-9+2.8536567690080824e-9<3.9919190211964444e-7
revised distance squared from orbit of 3 to 21 is at most 3.9919190211964444e-7.
distance squared from orbit of 3 to 21 will be revised since for 3 14 21: 7.433720757201747e-9+7.175515286882254e-9<3.9919190211964444e-7
revised distance squared from orbit of 3 to 21 is at most 3.9919190211964444e-7.
distance squared from orbit of 3 to 21 will be revised since for 3 15 21: 2.3579150064921537e-7+2.8525644519544194e-9<3.9919190211964444e-7
revised distance squared from orbit of 3 to 21 is at most 3.9919190211964444e-7.

distance squared from orbit of 4 to 2 will be revised since for 4 21 2: 1.902459265112532e-10+0.6666666666668465<0.6666666731080083
revised distance squared from orbit of 4 to 2 is at most 0.6666666673799462.
distance squared from orbit of 4 to 6 will be revised since for 4 7 6: 0.20000000009977675+0.33333343585878794<0.627322006247406
revised distance squared from orbit of 4 to 6 is at most 0.627322006247406.
distance squared from orbit of 4 to 6 will be revised since for 4 13 6: 0.16666680834971478+0.33333479295855734<0.627322006247406
revised distance squared from orbit of 4 to 6 is at most 0.627322006247406.
distance squared from orbit of 4 to 6 will be revised since for 4 18 6: 0.2000000016579927+0.33333333472725574<0.627322006247406
revised distance squared from orbit of 4 to 6 is at most 0.627322006247406.
distance squared from orbit of 4 to 6 will be revised since for 4 20 6: 0.16666672352171216+0.3333333333340647<0.627322006247406
revised distance squared from orbit of 4 to 6 is at most 0.627322006247406.
distance squared from orbit of 4 to 8 will be revised since for 4 3 8: 0.5000000005659568+3.512082237424113e-10<0.5000000012027036
revised distance squared from orbit of 4 to 8 is at most 0.5000000012027036.
distance squared from orbit of 4 to 8 will be revised since for 4 21 8: 1.902459265112532e-10+0.5000000000000855<0.5000000012027036
revised distance squared from orbit of 4 to 8 is at most 0.5000000000799605.
distance squared from orbit of 4 to 9 will be revised since for 4 3 9: 0.5000000005659568+1.9722253868198597e-8<0.5000357884371017
revised distance squared from orbit of 4 to 9 is at most 0.5000357884371017.
distance squared from orbit of 4 to 9 will be revised since for 4 10 9: 2.634810415920225e-10+0.500008735817819<0.5000357884371017
revised distance squared from orbit of 4 to 9 is at most 0.5000082957648556.
distance squared from orbit of 4 to 9 will be revised since for 4 15 9: 9.658139519202517e-8+0.5000000066004607<0.5000082957648556
revised distance squared from orbit of 4 to 9 is at most 0.5000082957648556.
distance squared from orbit of 4 to 11 will be revised since for 4 10 11: 2.634810415920225e-10+0.6666666673883656<0.6666844848224655
revised distance squared from orbit of 4 to 11 is at most 0.6666721605058392.
distance squared from orbit of 4 to 11 will be revised since for 4 15 11: 9.658139519202517e-8+0.6666666801993986<0.6666721605058392
revised distance squared from orbit of 4 to 11 is at most 0.6666721605058392.
distance squared from orbit of 4 to 12 will be revised since for 4 7 12: 0.20000000009977675+0.25000000125221766<0.5000000002947355
revised distance squared from orbit of 4 to 12 is at most 0.5000000002947355.
distance squared from orbit of 4 to 12 will be revised since for 4 18 12: 0.2000000016579927+0.2500000000000241<0.5000000002947355
revised distance squared from orbit of 4 to 12 is at most 0.5000000002947355.
distance squared from orbit of 4 to 12 will be revised since for 4 21 12: 1.902459265112532e-10+0.5000000000000119<0.5000000002947355
revised distance squared from orbit of 4 to 12 is at most 0.5000000001063639.
distance squared from orbit of 4 to 14 will be revised since for 4 10 14: 2.634810415920225e-10+3.166879682771498e-9<4.116173384270994e-9
revised distance squared from orbit of 4 to 14 is at most 1.4939695369962261e-9.
distance squared from orbit of 4 to 16 will be revised since for 4 10 16: 2.634810415920225e-10+0.5000000035035752<0.5000039173641811
revised distance squared from orbit of 4 to 16 is at most 0.5000039173641811.
distance squared from orbit of 4 to 16 will be revised since for 4 15 16: 9.658139519202517e-8+0.5000000013654952<0.5000039173641811
revised distance squared from orbit of 4 to 16 is at most 0.5000039173641811.
distance squared from orbit of 4 to 17 will be revised since for 4 7 17: 0.20000000009977675+0.2500000219079454<0.5000000002429835
revised distance squared from orbit of 4 to 17 is at most 0.5000000002429835.
distance squared from orbit of 4 to 17 will be revised since for 4 12 17: 0.5000000001063639+8.760249092091713e-12<0.5000000002429835
revised distance squared from orbit of 4 to 17 is at most 0.5000000002429835.
distance squared from orbit of 4 to 17 will be revised since for 4 13 17: 0.16666680834971478+0.25000222558417234<0.5000000002429835
revised distance squared from orbit of 4 to 17 is at most 0.5000000002429835.
distance squared from orbit of 4 to 17 will be revised since for 4 18 17: 0.2000000016579927+0.25000000011543866<0.5000000002429835
revised distance squared from orbit of 4 to 17 is at most 0.5000000002429835.
distance squared from orbit of 4 to 17 will be revised since for 4 20 17: 0.16666672352171216+0.2500000000111853<0.5000000002429835
revised distance squared from orbit of 4 to 17 is at most 0.5000000002429835.
distance squared from orbit of 4 to 18 will be revised since for 4 14 18: 1.4939695369962261e-9+0.20000000003896987<0.2000000016579927
revised distance squared from orbit of 4 to 18 is at most 0.2000000016579927.
distance squared from orbit of 4 to 18 will be revised since for 4 21 18: 1.902459265112532e-10+0.20000000000003018<0.2000000016579927
revised distance squared from orbit of 4 to 18 is at most 0.20000000022791073.
distance squared from orbit of 4 to 20 will be revised since for 4 21 20: 1.902459265112532e-10+0.16666671552771367<0.16666672352171216
revised distance squared from orbit of 4 to 20 is at most 0.16666671178657796.
distance squared from orbit of 4 to 22 will be revised since for 4 10 22: 2.634810415920225e-10+1.1516081427402227e-5<2.0965672054605095e-5
revised distance squared from orbit of 4 to 22 is at most 1.0790470231772205e-5.
distance squared from orbit of 4 to 22 will be revised since for 4 15 22: 9.658139519202517e-8+3.2139880044953293e-9<1.0790470231772205e-5
revised distance squared from orbit of 4 to 22 is at most 1.0790470231772205e-5.
distance squared from orbit of 4 to 23 will be revised since for 4 14 23: 1.4939695369962261e-9+6.018944844387001e-8<1.9850857119940633e-7
revised distance squared from orbit of 4 to 23 is at most 1.9850857119940633e-7.
distance squared from orbit of 4 to 23 will be revised since for 4 21 23: 1.902459265112532e-10+5.9041243580436216e-8<1.9850857119940633e-7
revised distance squared from orbit of 4 to 23 is at most 6.018387874284289e-8.

distance squared from orbit of 5 to 2 will be revised since for 5 14 2: 3.2538867615592973e-10+0.6666666726912007<0.666666807883171
revised distance squared from orbit of 5 to 2 is at most 0.6666667023615069.
distance squared from orbit of 5 to 4 will be revised since for 5 14 4: 3.2538867615592973e-10+0.33333333333337073<0.3333333337026528
revised distance squared from orbit of 5 to 4 is at most 0.33333333334951915.
distance squared from orbit of 5 to 6 will be revised since for 5 7 6: 0.20000000006284951+0.33333343585878794<0.5993396901766623
revised distance squared from orbit of 5 to 6 is at most 0.5993396901766623.
distance squared from orbit of 5 to 6 will be revised since for 5 13 6: 0.1666709968891756+0.33333479295855734<0.5993396901766623
revised distance squared from orbit of 5 to 6 is at most 0.5993396901766623.
distance squared from orbit of 5 to 6 will be revised since for 5 18 6: 0.20000000287266162+0.33333333472725574<0.5993396901766623
revised distance squared from orbit of 5 to 6 is at most 0.5993396901766623.
distance squared from orbit of 5 to 6 will be revised since for 5 20 6: 0.16666710598822676+0.3333333333340647<0.5993396901766623
revised distance squared from orbit of 5 to 6 is at most 0.5993396901766623.
distance squared from orbit of 5 to 12 will be revised since for 5 7 12: 0.20000000006284951+0.25000000125221766<0.500000001066685
revised distance squared from orbit of 5 to 12 is at most 0.500000001066685.
distance squared from orbit of 5 to 12 will be revised since for 5 14 12: 3.2538867615592973e-10+0.5000000000476131<0.500000001066685
revised distance squared from orbit of 5 to 12 is at most 0.500000001066685.
distance squared from orbit of 5 to 12 will be revised since for 5 18 12: 0.20000000287266162+0.2500000000000241<0.500000001066685
revised distance squared from orbit of 5 to 12 is at most 0.5000000010496645.
distance squared from orbit of 5 to 13 will be revised since for 5 14 13: 3.2538867615592973e-10+0.16666950126734462<0.1666709968891756
revised distance squared from orbit of 5 to 13 is at most 0.16666949968920558.
distance squared from orbit of 5 to 13 will be revised since for 5 19 13: 1.7374351718086601e-6+0.1666666666690595<0.16666949968920558
revised distance squared from orbit of 5 to 13 is at most 0.16666798255243095.
distance squared from orbit of 5 to 17 will be revised since for 5 7 17: 0.20000000006284951+0.2500000219079454<0.5000000000057041
revised distance squared from orbit of 5 to 17 is at most 0.5000000000057041.
distance squared from orbit of 5 to 17 will be revised since for 5 13 17: 0.16666798255243095+0.25000222558417234<0.5000000000057041
revised distance squared from orbit of 5 to 17 is at most 0.5000000000057041.
distance squared from orbit of 5 to 17 will be revised since for 5 18 17: 0.20000000287266162+0.25000000011543866<0.5000000000057041
revised distance squared from orbit of 5 to 17 is at most 0.5000000000057041.
distance squared from orbit of 5 to 17 will be revised since for 5 20 17: 0.16666710598822676+0.2500000000111853<0.5000000000057041
revised distance squared from orbit of 5 to 17 is at most 0.5000000000057041.
distance squared from orbit of 5 to 18 will be revised since for 5 7 18: 0.20000000006284951+2.193316703531932e-9<0.20000000287266162
revised distance squared from orbit of 5 to 18 is at most 0.20000000266761686.
distance squared from orbit of 5 to 18 will be revised since for 5 14 18: 3.2538867615592973e-10+0.20000000003896987<0.20000000266761686
revised distance squared from orbit of 5 to 18 is at most 0.20000000122053582.
distance squared from orbit of 5 to 20 will be revised since for 5 14 20: 3.2538867615592973e-10+0.16666672233287752<0.16666710598822676
revised distance squared from orbit of 5 to 20 is at most 0.16666709966791407.
distance squared from orbit of 5 to 20 will be revised since for 5 21 20: 6.68250588192159e-8+0.16666671552771367<0.16666709966791407
revised distance squared from orbit of 5 to 20 is at most 0.16666709966791407.
distance squared from orbit of 5 to 21 will be revised since for 5 14 21: 3.2538867615592973e-10+7.175515286882254e-9<6.68250588192159e-8
revised distance squared from orbit of 5 to 21 is at most 6.68250588192159e-8.
distance squared from orbit of 5 to 22 will be revised since for 5 4 22: 0.33333333334951915+1.0790470231772205e-5<0.4328059301538463
revised distance squared from orbit of 5 to 22 is at most 0.4328059301538463.
distance squared from orbit of 5 to 22 will be revised since for 5 10 22: 0.3333333335938715+1.1516081427402227e-5<0.4328059301538463
revised distance squared from orbit of 5 to 22 is at most 0.4328059301538463.
distance squared from orbit of 5 to 22 will be revised since for 5 15 22: 0.32607687380624495+3.2139880044953293e-9<0.4328059301538463
revised distance squared from orbit of 5 to 22 is at most 0.4328059301538463.
distance squared from orbit of 5 to 22 will be revised since for 5 16 22: 0.2500000047033173+3.2748047952444684e-8<0.4328059301538463
revised distance squared from orbit of 5 to 22 is at most 0.4328059301538463.
distance squared from orbit of 5 to 23 will be revised since for 5 14 23: 3.2538867615592973e-10+6.018944844387001e-8<3.6248203028158106e-6
revised distance squared from orbit of 5 to 23 is at most 1.2993508675230997e-7.
distance squared from orbit of 5 to 23 will be revised since for 5 21 23: 6.68250588192159e-8+5.9041243580436216e-8<1.2993508675230997e-7
revised distance squared from orbit of 5 to 23 is at most 1.2993508675230997e-7.

distance squared from orbit of 6 to 1 will be revised since for 6 8 1: 0.25000000000065914+0.5000000000000103<0.8964466094260284
revised distance squared from orbit of 6 to 1 is at most 0.8964466094260284.
distance squared from orbit of 6 to 4 will be revised since for 6 19 4: 5.1325540254316486e-9+0.5000000000001318<0.500000005804584
revised distance squared from orbit of 6 to 4 is at most 0.5000000029505434.
distance squared from orbit of 6 to 7 will be revised since for 6 8 7: 0.25000000000065914+0.20000000000944446<0.5889020455429128
revised distance squared from orbit of 6 to 7 is at most 0.5889020455429128.
distance squared from orbit of 6 to 9 will be revised since for 6 3 9: 0.6473671297286967+1.9722253868198597e-8<0.6594466049442754
revised distance squared from orbit of 6 to 9 is at most 0.6594466049442754.
distance squared from orbit of 6 to 10 will be revised since for 6 19 10: 5.1325540254316486e-9+0.4587341226348008<0.4587341280657109
revised distance squared from orbit of 6 to 10 is at most 0.4587341246485763.
distance squared from orbit of 6 to 14 will be revised since for 6 8 14: 0.25000000000065914+4.723764181146227e-9<0.4262869158922584
revised distance squared from orbit of 6 to 14 is at most 0.4262869158922584.
distance squared from orbit of 6 to 17 will be revised since for 6 12 17: 0.250000000000005+8.760249092091713e-12<0.25000000002016587
revised distance squared from orbit of 6 to 17 is at most 0.25000000001018774.
distance squared from orbit of 6 to 18 will be revised since for 6 19 18: 5.1325540254316486e-9+0.2000000005431086<0.20000002834654027
revised distance squared from orbit of 6 to 18 is at most 0.20000002834654027.
distance squared from orbit of 6 to 20 will be revised since for 6 13 20: 4.0232162407384514e-5+7.710790158074996e-8<0.0001270838525064592
revised distance squared from orbit of 6 to 20 is at most 0.0001060795358567711.
distance squared from orbit of 6 to 21 will be revised since for 6 19 21: 5.1325540254316486e-9+1.6158962806054044e-7<3.0796519508902654e-6
revised distance squared from orbit of 6 to 21 is at most 3.0796519508902654e-6.
distance squared from orbit of 6 to 22 will be revised since for 6 3 22: 0.6473671297286967+4.850924697629413e-8<0.6752404766731841
revised distance squared from orbit of 6 to 22 is at most 0.6752404766731841.
distance squared from orbit of 6 to 22 will be revised since for 6 4 22: 0.5000000029505434+1.0790470231772205e-5<0.6752404766731841
revised distance squared from orbit of 6 to 22 is at most 0.6752404766731841.
distance squared from orbit of 6 to 22 will be revised since for 6 9 22: 0.6594466049442754+3.3955921498699066e-8<0.6752404766731841
revised distance squared from orbit of 6 to 22 is at most 0.6752404766731841.
distance squared from orbit of 6 to 22 will be revised since for 6 10 22: 0.4587341246485763+1.1516081427402227e-5<0.6752404766731841
revised distance squared from orbit of 6 to 22 is at most 0.6752404766731841.
distance squared from orbit of 6 to 22 will be revised since for 6 15 22: 0.41499729109128347+3.2139880044953293e-9<0.6752404766731841
revised distance squared from orbit of 6 to 22 is at most 0.6752404766731841.
distance squared from orbit of 6 to 23 will be revised since for 6 19 23: 5.1325540254316486e-9+2.919540786442655e-10<4.3292749978242565e-7
revised distance squared from orbit of 6 to 23 is at most 4.3292749978242565e-7.

distance squared from orbit of 7 to 6 will be revised since for 7 18 6: 2.193316703531932e-9+0.33333333472725574<0.33333343585878794
revised distance squared from orbit of 7 to 6 is at most 0.33333343585878794.
distance squared from orbit of 7 to 9 will be revised since for 7 3 9: 0.5000000000070979+1.9722253868198597e-8<0.5535514783851555
revised distance squared from orbit of 7 to 9 is at most 0.5535514783851555.
distance squared from orbit of 7 to 17 will be revised since for 7 12 17: 0.25000000125221766+8.760249092091713e-12<0.2500000219079454
revised distance squared from orbit of 7 to 17 is at most 0.2500000219079454.
distance squared from orbit of 7 to 17 will be revised since for 7 18 17: 2.193316703531932e-9+0.25000000011543866<0.2500000219079454
revised distance squared from orbit of 7 to 17 is at most 0.2500000219079454.
distance squared from orbit of 7 to 19 will be revised since for 7 13 19: 6.661187614262568e-5+1.706101532821378e-7<0.0005562019263926902
revised distance squared from orbit of 7 to 19 is at most 0.0005302642529887246.
distance squared from orbit of 7 to 19 will be revised since for 7 14 19: 4.250005782199664e-7+7.852078263044236e-6<0.0005302642529887246
revised distance squared from orbit of 7 to 19 is at most 0.0005302642529887246.
distance squared from orbit of 7 to 22 will be revised since for 7 3 22: 0.5000000000070979+4.850924697629413e-8<0.5000001057114242
revised distance squared from orbit of 7 to 22 is at most 0.5000001057114242.
distance squared from orbit of 7 to 22 will be revised since for 7 4 22: 0.3333333698288172+1.0790470231772205e-5<0.5000001057114242
revised distance squared from orbit of 7 to 22 is at most 0.5000001057114242.
distance squared from orbit of 7 to 22 will be revised since for 7 10 22: 0.33333333668347376+1.1516081427402227e-5<0.5000001057114242
revised distance squared from orbit of 7 to 22 is at most 0.5000001057114242.
distance squared from orbit of 7 to 22 will be revised since for 7 15 22: 0.3260768903594441+3.2139880044953293e-9<0.5000001057114242
revised distance squared from orbit of 7 to 22 is at most 0.5000001057114242.
distance squared from orbit of 7 to 23 will be revised since for 7 14 23: 4.250005782199664e-7+6.018944844387001e-8<8.833018873557809e-6
revised distance squared from orbit of 7 to 23 is at most 4.445578508898339e-6.
distance squared from orbit of 7 to 23 will be revised since for 7 21 23: 1.07366489337324e-8+5.9041243580436216e-8<4.445578508898339e-6
revised distance squared from orbit of 7 to 23 is at most 2.9186990008394265e-6.

distance squared from orbit of 8 to 9 will be revised since for 8 1 9: 0.5000000000000103+1.9238954566127248e-8<0.5629971770848345
revised distance squared from orbit of 8 to 9 is at most 0.5629971770848345.
distance squared from orbit of 8 to 9 will be revised since for 8 3 9: 0.5000000000000809+1.9722253868198597e-8<0.5629971770848345
revised distance squared from orbit of 8 to 9 is at most 0.5629971770848345.
distance squared from orbit of 8 to 10 will be revised since for 8 4 10: 0.33333333711365387+2.634810415920225e-10<0.33333333907607
revised distance squared from orbit of 8 to 10 is at most 0.33333333907607.
distance squared from orbit of 8 to 10 will be revised since for 8 14 10: 4.723764181146227e-9+0.3333333333336929<0.33333333907607
revised distance squared from orbit of 8 to 10 is at most 0.33333333510279833.
distance squared from orbit of 8 to 12 will be revised since for 8 7 12: 0.20000000000944446+0.25000000125221766<0.5000000000051011
revised distance squared from orbit of 8 to 12 is at most 0.5000000000051011.
distance squared from orbit of 8 to 12 will be revised since for 8 18 12: 0.20000000000025955+0.2500000000000241<0.5000000000051011
revised distance squared from orbit of 8 to 12 is at most 0.5000000000051011.
distance squared from orbit of 8 to 15 will be revised since for 8 14 15: 4.723764181146227e-9+0.3260768737169596<0.326076880399974
revised distance squared from orbit of 8 to 15 is at most 0.32607687912571637.
distance squared from orbit of 8 to 17 will be revised since for 8 13 17: 2.7720720658722173e-5+0.25000222558417234<0.2503093827213933
revised distance squared from orbit of 8 to 17 is at most 0.2503093827213933.
distance squared from orbit of 8 to 17 will be revised since for 8 20 17: 0.0001160716785896923+0.2500000000111853<0.2503093827213933
revised distance squared from orbit of 8 to 17 is at most 0.2503093827213933.
distance squared from orbit of 8 to 19 will be revised since for 8 13 19: 2.7720720658722173e-5+1.706101532821378e-7<0.00010395777665562894
revised distance squared from orbit of 8 to 19 is at most 0.00010395777665562894.
distance squared from orbit of 8 to 19 will be revised since for 8 14 19: 4.723764181146227e-9+7.852078263044236e-6<0.00010395777665562894
revised distance squared from orbit of 8 to 19 is at most 4.454481017191511e-5.
distance squared from orbit of 8 to 20 will be revised since for 8 13 20: 2.7720720658722173e-5+7.710790158074996e-8<0.0001160716785896923
revised distance squared from orbit of 8 to 20 is at most 0.00011260966982774193.
distance squared from orbit of 8 to 21 will be revised since for 8 14 21: 4.723764181146227e-9+7.175515286882254e-9<1.1067735373398488e-7
revised distance squared from orbit of 8 to 21 is at most 1.1067735373398488e-7.
distance squared from orbit of 8 to 22 will be revised since for 8 1 22: 0.5000000000000103+2.2282859400903075e-9<0.5000000050783309
revised distance squared from orbit of 8 to 22 is at most 0.5000000050783309.
distance squared from orbit of 8 to 22 will be revised since for 8 4 22: 0.33333333711365387+1.0790470231772205e-5<0.5000000050783309
revised distance squared from orbit of 8 to 22 is at most 0.5000000050783309.
distance squared from orbit of 8 to 22 will be revised since for 8 10 22: 0.33333333510279833+1.1516081427402227e-5<0.5000000050783309
revised distance squared from orbit of 8 to 22 is at most 0.5000000050783309.
distance squared from orbit of 8 to 22 will be revised since for 8 14 22: 4.723764181146227e-9+0.5000000000000486<0.5000000050783309
revised distance squared from orbit of 8 to 22 is at most 0.5000000027968222.
distance squared from orbit of 8 to 22 will be revised since for 8 15 22: 0.32607687912571637+3.2139880044953293e-9<0.5000000027968222
revised distance squared from orbit of 8 to 22 is at most 0.5000000027968222.
distance squared from orbit of 8 to 23 will be revised since for 8 14 23: 4.723764181146227e-9+6.018944844387001e-8<1.4197910266484361e-6
revised distance squared from orbit of 8 to 23 is at most 1.4197910266484361e-6.
distance squared from orbit of 8 to 23 will be revised since for 8 21 23: 1.1067735373398488e-7+5.9041243580436216e-8<1.4197910266484361e-6
revised distance squared from orbit of 8 to 23 is at most 1.4197910266484361e-6.

distance squared from orbit of 9 to 1 will be revised since for 9 8 1: 0.44753157273572397+0.5000000000000103<1.0000000000000449
revised distance squared from orbit of 9 to 1 is at most 1.0000000000000449.
distance squared from orbit of 9 to 2 will be revised since for 9 13 2: 1.0623115939692935e-6+0.6666666819963827<0.6667010429101614
revised distance squared from orbit of 9 to 2 is at most 0.6667010429101614.
distance squared from orbit of 9 to 2 will be revised since for 9 15 2: 3.272011150594233e-8+0.6666666698198407<0.6667010429101614
revised distance squared from orbit of 9 to 2 is at most 0.6667010429101614.
distance squared from orbit of 9 to 2 will be revised since for 9 21 2: 1.3265719647554995e-6+0.6666666666668465<0.6667010429101614
revised distance squared from orbit of 9 to 2 is at most 0.6666688733247365.
distance squared from orbit of 9 to 6 will be revised since for 9 13 6: 1.0623115939692935e-6+0.33333479295855734<0.33336822786304715
revised distance squared from orbit of 9 to 6 is at most 0.33336822786304715.
distance squared from orbit of 9 to 6 will be revised since for 9 20 6: 4.673337261672436e-6+0.3333333333340647<0.33336822786304715
revised distance squared from orbit of 9 to 6 is at most 0.33336822786304715.
distance squared from orbit of 9 to 7 will be revised since for 9 4 7: 0.3333333353648525+0.20000000009977675<0.6000068254338897
revised distance squared from orbit of 9 to 7 is at most 0.6000068254338897.
distance squared from orbit of 9 to 7 will be revised since for 9 10 7: 0.20833333898512482+0.2000000296919511<0.6000068254338897
revised distance squared from orbit of 9 to 7 is at most 0.6000068254338897.
distance squared from orbit of 9 to 7 will be revised since for 9 14 7: 0.3333553056125684+0.2000000000000981<0.6000068254338897
revised distance squared from orbit of 9 to 7 is at most 0.600004213879696.
distance squared from orbit of 9 to 12 will be revised since for 9 13 12: 1.0623115939692935e-6+0.5000000084964146<0.5000033614438647
revised distance squared from orbit of 9 to 12 is at most 0.5000033614438647.
distance squared from orbit of 9 to 12 will be revised since for 9 15 12: 3.272011150594233e-8+0.5000000023319491<0.5000033614438647
revised distance squared from orbit of 9 to 12 is at most 0.5000033614438647.
distance squared from orbit of 9 to 12 will be revised since for 9 18 12: 0.20003562231486371+0.2500000000000241<0.5000033614438647
revised distance squared from orbit of 9 to 12 is at most 0.5000033614438647.
distance squared from orbit of 9 to 12 will be revised since for 9 21 12: 1.3265719647554995e-6+0.5000000000000119<0.5000033614438647
revised distance squared from orbit of 9 to 12 is at most 0.5000015936665931.
distance squared from orbit of 9 to 14 will be revised since for 9 4 14: 0.3333333353648525+1.4939695369962261e-9<0.3333553056125684
revised distance squared from orbit of 9 to 14 is at most 0.3333553056125684.
distance squared from orbit of 9 to 14 will be revised since for 9 10 14: 0.20833333898512482+3.166879682771498e-9<0.3333553056125684
revised distance squared from orbit of 9 to 14 is at most 0.3333553056125684.
distance squared from orbit of 9 to 17 will be revised since for 9 13 17: 1.0623115939692935e-6+0.25000222558417234<0.2500528946323266
revised distance squared from orbit of 9 to 17 is at most 0.2500528946323266.
distance squared from orbit of 9 to 17 will be revised since for 9 20 17: 4.673337261672436e-6+0.2500000000111853<0.2500528946323266
revised distance squared from orbit of 9 to 17 is at most 0.2500528946323266.
distance squared from orbit of 9 to 18 will be revised since for 9 13 18: 1.0623115939692935e-6+0.20000001566882905<0.20003562231486371
revised distance squared from orbit of 9 to 18 is at most 0.20003562231486371.
distance squared from orbit of 9 to 18 will be revised since for 9 15 18: 3.272011150594233e-8+0.20000000356407002<0.20003562231486371
revised distance squared from orbit of 9 to 18 is at most 0.20003562231486371.
distance squared from orbit of 9 to 18 will be revised since for 9 21 18: 1.3265719647554995e-6+0.20000000000003018<0.20003562231486371
revised distance squared from orbit of 9 to 18 is at most 0.20000192473416392.
distance squared from orbit of 9 to 19 will be revised since for 9 13 19: 1.0623115939692935e-6+1.706101532821378e-7<4.8073307403380656e-5
revised distance squared from orbit of 9 to 19 is at most 1.9944618534732812e-5.
distance squared from orbit of 9 to 19 will be revised since for 9 15 19: 3.272011150594233e-8+7.5126645517381815e-6<1.9944618534732812e-5
revised distance squared from orbit of 9 to 19 is at most 1.9944618534732812e-5.
distance squared from orbit of 9 to 20 will be revised since for 9 13 20: 1.0623115939692935e-6+7.710790158074996e-8<4.673337261672436e-6
revised distance squared from orbit of 9 to 20 is at most 4.673337261672436e-6.
distance squared from orbit of 9 to 21 will be revised since for 9 13 21: 1.0623115939692935e-6+2.7083759575971507e-8<1.3265719647554995e-6
revised distance squared from orbit of 9 to 21 is at most 1.3265719647554995e-6.
distance squared from orbit of 9 to 21 will be revised since for 9 15 21: 3.272011150594233e-8+2.8525644519544194e-9<1.3265719647554995e-6
revised distance squared from orbit of 9 to 21 is at most 1.3265719647554995e-6.
distance squared from orbit of 9 to 23 will be revised since for 9 15 23: 3.272011150594233e-8+3.4377042282758063e-7<4.5984251528740986e-7
revised distance squared from orbit of 9 to 23 is at most 4.5984251528740986e-7.
distance squared from orbit of 9 to 23 will be revised since for 9 22 23: 3.3955921498699066e-8+2.0781808011397565e-8<4.5984251528740986e-7
revised distance squared from orbit of 9 to 23 is at most 2.502856284379666e-8.

distance squared from orbit of 10 to 2 will be revised since for 10 21 2: 2.8536567690080824e-9+0.6666666666668465<0.6666666746488673
revised distance squared from orbit of 10 to 2 is at most 0.6666666671008371.
distance squared from orbit of 10 to 3 will be revised since for 10 14 3: 3.166879682771498e-9+0.5000000000000376<0.5000000167385638
revised distance squared from orbit of 10 to 3 is at most 0.5000000011257961.
distance squared from orbit of 10 to 6 will be revised since for 10 7 6: 0.2000000296919511+0.33333343585878794<0.6273220139241736
revised distance squared from orbit of 10 to 6 is at most 0.6273220139241736.
distance squared from orbit of 10 to 6 will be revised since for 10 13 6: 0.16666692222156987+0.33333479295855734<0.6273220139241736
revised distance squared from orbit of 10 to 6 is at most 0.6273220139241736.
distance squared from orbit of 10 to 6 will be revised since for 10 14 6: 3.166879682771498e-9+0.6273220037501102<0.6273220139241736
revised distance squared from orbit of 10 to 6 is at most 0.6273220039369519.
distance squared from orbit of 10 to 6 will be revised since for 10 18 6: 0.2000000044306651+0.33333333472725574<0.6273220039369519
revised distance squared from orbit of 10 to 6 is at most 0.6273220039369519.
distance squared from orbit of 10 to 6 will be revised since for 10 20 6: 0.16666675071518042+0.3333333333340647<0.6273220039369519
revised distance squared from orbit of 10 to 6 is at most 0.6273220039369519.
distance squared from orbit of 10 to 7 will be revised since for 10 14 7: 3.166879682771498e-9+0.2000000000000981<0.2000000296919511
revised distance squared from orbit of 10 to 7 is at most 0.20000000193131212.
distance squared from orbit of 10 to 8 will be revised since for 10 3 8: 0.5000000011257961+3.512082237424113e-10<0.5000000041081631
revised distance squared from orbit of 10 to 8 is at most 0.5000000041081631.
distance squared from orbit of 10 to 8 will be revised since for 10 14 8: 3.166879682771498e-9+0.5000000000407157<0.5000000041081631
revised distance squared from orbit of 10 to 8 is at most 0.5000000008623232.
distance squared from orbit of 10 to 9 will be revised since for 10 3 9: 0.5000000011257961+1.9722253868198597e-8<0.500008735817819
revised distance squared from orbit of 10 to 9 is at most 0.500008735817819.
distance squared from orbit of 10 to 9 will be revised since for 10 15 9: 2.4926875643230267e-6+0.5000000066004607<0.500008735817819
revised distance squared from orbit of 10 to 9 is at most 0.500008735817819.
distance squared from orbit of 10 to 12 will be revised since for 10 7 12: 0.20000000193131212+0.25000000125221766<0.5000000034648143
revised distance squared from orbit of 10 to 12 is at most 0.5000000034648143.
distance squared from orbit of 10 to 12 will be revised since for 10 14 12: 3.166879682771498e-9+0.5000000000476131<0.5000000034648143
revised distance squared from orbit of 10 to 12 is at most 0.5000000015381768.
distance squared from orbit of 10 to 12 will be revised since for 10 18 12: 0.2000000044306651+0.2500000000000241<0.5000000015381768
revised distance squared from orbit of 10 to 12 is at most 0.5000000015381768.
distance squared from orbit of 10 to 17 will be revised since for 10 7 17: 0.20000000193131212+0.2500000219079454<0.500000000110703
revised distance squared from orbit of 10 to 17 is at most 0.500000000110703.
distance squared from orbit of 10 to 17 will be revised since for 10 13 17: 0.16666692222156987+0.25000222558417234<0.500000000110703
revised distance squared from orbit of 10 to 17 is at most 0.500000000110703.
distance squared from orbit of 10 to 17 will be revised since for 10 18 17: 0.2000000044306651+0.25000000011543866<0.500000000110703
revised distance squared from orbit of 10 to 17 is at most 0.500000000110703.
distance squared from orbit of 10 to 17 will be revised since for 10 20 17: 0.16666675071518042+0.2500000000111853<0.500000000110703
revised distance squared from orbit of 10 to 17 is at most 0.500000000110703.
distance squared from orbit of 10 to 18 will be revised since for 10 7 18: 0.20000000193131212+2.193316703531932e-9<0.2000000044306651
revised distance squared from orbit of 10 to 18 is at most 0.2000000044306651.
distance squared from orbit of 10 to 18 will be revised since for 10 14 18: 3.166879682771498e-9+0.20000000003896987<0.2000000044306651
revised distance squared from orbit of 10 to 18 is at most 0.2000000020696252.
distance squared from orbit of 10 to 20 will be revised since for 10 14 20: 3.166879682771498e-9+0.16666672233287752<0.16666675071518042
revised distance squared from orbit of 10 to 20 is at most 0.16666674902116996.
distance squared from orbit of 10 to 20 will be revised since for 10 21 20: 2.8536567690080824e-9+0.16666671552771367<0.16666674902116996
revised distance squared from orbit of 10 to 20 is at most 0.16666671487562956.
distance squared from orbit of 10 to 22 will be revised since for 10 15 22: 2.4926875643230267e-6+3.2139880044953293e-9<1.1516081427402227e-5
revised distance squared from orbit of 10 to 22 is at most 1.1516081427402227e-5.
distance squared from orbit of 10 to 23 will be revised since for 10 14 23: 3.166879682771498e-9+6.018944844387001e-8<2.404312232611709e-7
revised distance squared from orbit of 10 to 23 is at most 7.278334152476215e-8.
distance squared from orbit of 10 to 23 will be revised since for 10 21 23: 2.8536567690080824e-9+5.9041243580436216e-8<7.278334152476215e-8
revised distance squared from orbit of 10 to 23 is at most 7.278334152476215e-8.

distance squared from orbit of 11 to 6 will be revised since for 11 7 6: 0.20000000566625722+0.33333343585878794<0.5993389780077931
revised distance squared from orbit of 11 to 6 is at most 0.5993389780077931.
distance squared from orbit of 11 to 6 will be revised since for 11 13 6: 0.16666666733610536+0.33333479295855734<0.5993389780077931
revised distance squared from orbit of 11 to 6 is at most 0.5993389780077931.
distance squared from orbit of 11 to 6 will be revised since for 11 18 6: 0.20000021231924314+0.33333333472725574<0.5993389780077931
revised distance squared from orbit of 11 to 6 is at most 0.5993389780077931.
distance squared from orbit of 11 to 6 will be revised since for 11 20 6: 0.1666666734862594+0.3333333333340647<0.5993389780077931
revised distance squared from orbit of 11 to 6 is at most 0.5993389780077931.
distance squared from orbit of 11 to 9 will be revised since for 11 3 9: 0.5000000052961144+1.9722253868198597e-8<0.5435113756148318
revised distance squared from orbit of 11 to 9 is at most 0.5435113756148318.
distance squared from orbit of 11 to 10 will be revised since for 11 4 10: 0.33333333378829355+2.634810415920225e-10<0.33333333418373495
revised distance squared from orbit of 11 to 10 is at most 0.33333333418373495.
distance squared from orbit of 11 to 12 will be revised since for 11 7 12: 0.20000000566625722+0.25000000125221766<0.500000000000178
revised distance squared from orbit of 11 to 12 is at most 0.500000000000178.
distance squared from orbit of 11 to 12 will be revised since for 11 18 12: 0.20000021231924314+0.2500000000000241<0.500000000000178
revised distance squared from orbit of 11 to 12 is at most 0.500000000000178.
distance squared from orbit of 11 to 17 will be revised since for 11 7 17: 0.20000000566625722+0.2500000219079454<0.5000000001313495
revised distance squared from orbit of 11 to 17 is at most 0.5000000001313495.
distance squared from orbit of 11 to 17 will be revised since for 11 12 17: 0.500000000000178+8.760249092091713e-12<0.5000000001313495
revised distance squared from orbit of 11 to 17 is at most 0.5000000001313495.
distance squared from orbit of 11 to 17 will be revised since for 11 13 17: 0.16666666733610536+0.25000222558417234<0.5000000001313495
revised distance squared from orbit of 11 to 17 is at most 0.5000000001313495.
distance squared from orbit of 11 to 17 will be revised since for 11 18 17: 0.20000021231924314+0.25000000011543866<0.5000000001313495
revised distance squared from orbit of 11 to 17 is at most 0.5000000001313495.
distance squared from orbit of 11 to 17 will be revised since for 11 20 17: 0.1666666734862594+0.2500000000111853<0.5000000001313495
revised distance squared from orbit of 11 to 17 is at most 0.5000000001313495.
distance squared from orbit of 11 to 18 will be revised since for 11 7 18: 0.20000000566625722+2.193316703531932e-9<0.20000021231924314
revised distance squared from orbit of 11 to 18 is at most 0.20000007350329124.
distance squared from orbit of 11 to 18 will be revised since for 11 14 18: 7.986329472594663e-9+0.20000000003896987<0.20000007350329124
revised distance squared from orbit of 11 to 18 is at most 0.20000007350329124.
distance squared from orbit of 11 to 18 will be revised since for 11 19 18: 3.5597700168491997e-9+0.2000000005431086<0.20000007350329124
revised distance squared from orbit of 11 to 18 is at most 0.20000007350329124.
distance squared from orbit of 11 to 20 will be revised since for 11 19 20: 3.5597700168491997e-9+0.1666666670628261<0.1666666734862594
revised distance squared from orbit of 11 to 20 is at most 0.16666666808229358.
distance squared from orbit of 11 to 21 will be revised since for 11 14 21: 7.986329472594663e-9+7.175515286882254e-9<2.9397122090028105e-7
revised distance squared from orbit of 11 to 21 is at most 2.9397122090028105e-7.
distance squared from orbit of 11 to 21 will be revised since for 11 19 21: 3.5597700168491997e-9+1.6158962806054044e-7<2.9397122090028105e-7
revised distance squared from orbit of 11 to 21 is at most 2.9397122090028105e-7.
distance squared from orbit of 11 to 22 will be revised since for 11 4 22: 0.33333333378829355+1.0790470231772205e-5<0.4328053960685582
revised distance squared from orbit of 11 to 22 is at most 0.4328053960685582.
distance squared from orbit of 11 to 22 will be revised since for 11 10 22: 0.33333333418373495+1.1516081427402227e-5<0.4328053960685582
revised distance squared from orbit of 11 to 22 is at most 0.4328053960685582.
distance squared from orbit of 11 to 22 will be revised since for 11 15 22: 0.32607687470221536+3.2139880044953293e-9<0.4328053960685582
revised distance squared from orbit of 11 to 22 is at most 0.4328053960685582.
distance squared from orbit of 11 to 22 will be revised since for 11 16 22: 0.25000000000178835+3.2748047952444684e-8<0.4328053960685582
revised distance squared from orbit of 11 to 22 is at most 0.4328053960685582.
distance squared from orbit of 11 to 23 will be revised since for 11 14 23: 7.986329472594663e-9+6.018944844387001e-8<7.943344658403435e-7
revised distance squared from orbit of 11 to 23 is at most 7.943344658403435e-7.
distance squared from orbit of 11 to 23 will be revised since for 11 19 23: 3.5597700168491997e-9+2.919540786442655e-10<7.943344658403435e-7
revised distance squared from orbit of 11 to 23 is at most 1.5833516128200079e-9.

distance squared from orbit of 12 to 3 will be revised since for 12 6 3: 0.33333333334512516+0.6473671297286967<1.000000000000187
revised distance squared from orbit of 12 to 3 is at most 1.000000000000187.
distance squared from orbit of 12 to 3 will be revised since for 12 8 3: 0.5000000000001029+0.5000000000000809<1.000000000000187
revised distance squared from orbit of 12 to 3 is at most 1.0000000000000844.
distance squared from orbit of 12 to 6 will be revised since for 12 17 6: 8.760249092091713e-12+0.33333333333336546<0.33333333334512516
revised distance squared from orbit of 12 to 6 is at most 0.3333333333350926.
distance squared from orbit of 12 to 9 will be revised since for 12 6 9: 0.3333333333350926+0.6594466049442754<1.000000000002275
revised distance squared from orbit of 12 to 9 is at most 1.000000000002275.
distance squared from orbit of 12 to 9 will be revised since for 12 13 9: 0.33333360217118535+0.6623028564489924<1.000000000002275
revised distance squared from orbit of 12 to 9 is at most 1.000000000002275.
distance squared from orbit of 12 to 10 will be revised since for 12 17 10: 8.760249092091713e-12+0.500000053400999<0.5000001355188998
revised distance squared from orbit of 12 to 10 is at most 0.5000000544162753.
distance squared from orbit of 12 to 11 will be revised since for 12 17 11: 8.760249092091713e-12+0.9791666666669094<0.9791666666857418
revised distance squared from orbit of 12 to 11 is at most 0.9791666666695912.
distance squared from orbit of 12 to 14 will be revised since for 12 2 14: 0.5000000000047347+4.907547612472421e-9<0.5000000489300597
revised distance squared from orbit of 12 to 14 is at most 0.5000000489300597.
distance squared from orbit of 12 to 14 will be revised since for 12 8 14: 0.5000000000001029+4.723764181146227e-9<0.5000000489300597
revised distance squared from orbit of 12 to 14 is at most 0.5000000489300597.
distance squared from orbit of 12 to 15 will be revised since for 12 10 15: 0.5000000544162753+2.4926875643230267e-6<0.6458333580662908
revised distance squared from orbit of 12 to 15 is at most 0.6458333580662908.
distance squared from orbit of 12 to 16 will be revised since for 12 17 16: 8.760249092091713e-12+0.875000000000072<0.8750000000511565
revised distance squared from orbit of 12 to 16 is at most 0.8750000000066926.
distance squared from orbit of 12 to 19 will be revised since for 12 6 19: 0.3333333333350926+5.1325540254316486e-9<0.3333338804430743
revised distance squared from orbit of 12 to 19 is at most 0.3333338804430743.
distance squared from orbit of 12 to 19 will be revised since for 12 13 19: 0.33333360217118535+1.706101532821378e-7<0.3333338804430743
revised distance squared from orbit of 12 to 19 is at most 0.3333338804430743.
distance squared from orbit of 12 to 19 will be revised since for 12 17 19: 8.760249092091713e-12+0.3333335283415205<0.3333338804430743
revised distance squared from orbit of 12 to 19 is at most 0.3333335284005497.
distance squared from orbit of 12 to 19 will be revised since for 12 21 19: 9.266357992818519e-8+0.333333333849954<0.3333335284005497
revised distance squared from orbit of 12 to 19 is at most 0.3333335284005497.
distance squared from orbit of 12 to 22 will be revised since for 12 4 22: 0.6666667022057142+1.0790470231772205e-5<0.8750009265421119
revised distance squared from orbit of 12 to 22 is at most 0.8750009265421119.
distance squared from orbit of 12 to 22 will be revised since for 12 10 22: 0.5000000544162753+1.1516081427402227e-5<0.8750009265421119
revised distance squared from orbit of 12 to 22 is at most 0.8750009265421119.
distance squared from orbit of 12 to 22 will be revised since for 12 15 22: 0.6458333580662908+3.2139880044953293e-9<0.8750009265421119
revised distance squared from orbit of 12 to 22 is at most 0.8750009265421119.
distance squared from orbit of 12 to 22 will be revised since for 12 16 22: 0.8750000000066926+3.2748047952444684e-8<0.8750009265421119
revised distance squared from orbit of 12 to 22 is at most 0.8750009265421119.
distance squared from orbit of 12 to 22 will be revised since for 12 17 22: 8.760249092091713e-12+0.8750000777078595<0.8750009265421119
revised distance squared from orbit of 12 to 22 is at most 0.8750000792974852.
distance squared from orbit of 12 to 23 will be revised since for 12 17 23: 8.760249092091713e-12+2.9422981103079553e-7<4.4434345685845287e-7
revised distance squared from orbit of 12 to 23 is at most 3.087718973885913e-7.
distance squared from orbit of 12 to 23 will be revised since for 12 21 23: 9.266357992818519e-8+5.9041243580436216e-8<3.087718973885913e-7
revised distance squared from orbit of 12 to 23 is at most 3.087718973885913e-7.

distance squared from orbit of 13 to 1 will be revised since for 13 8 1: 0.4873226940802534+0.5000000000000103<1.000000008218128
revised distance squared from orbit of 13 to 1 is at most 1.000000008218128.
distance squared from orbit of 13 to 1 will be revised since for 13 23 1: 7.185035027392841e-9+1.000000000000007<1.000000008218128
revised distance squared from orbit of 13 to 1 is at most 1.000000001476057.
distance squared from orbit of 13 to 6 will be revised since for 13 20 6: 7.710790158074996e-8+0.3333333333340647<0.33333479295855734
revised distance squared from orbit of 13 to 6 is at most 0.33333479295855734.
distance squared from orbit of 13 to 12 will be revised since for 13 18 12: 0.20000001566882905+0.2500000000000241<0.5000000084964146
revised distance squared from orbit of 13 to 12 is at most 0.5000000084964146.
distance squared from orbit of 13 to 14 will be revised since for 13 4 14: 0.5000000310595044+1.4939695369962261e-9<0.5000000633860121
revised distance squared from orbit of 13 to 14 is at most 0.5000000633860121.
distance squared from orbit of 13 to 14 will be revised since for 13 8 14: 0.4873226940802534+4.723764181146227e-9<0.5000000633860121
revised distance squared from orbit of 13 to 14 is at most 0.5000000633860121.
distance squared from orbit of 13 to 14 will be revised since for 13 10 14: 0.45873414044733485+3.166879682771498e-9<0.5000000633860121
revised distance squared from orbit of 13 to 14 is at most 0.5000000633860121.
distance squared from orbit of 13 to 14 will be revised since for 13 21 14: 2.7083759575971507e-8+0.5000000000000312<0.5000000633860121
revised distance squared from orbit of 13 to 14 is at most 0.5000000034244202.
distance squared from orbit of 13 to 17 will be revised since for 13 20 17: 7.710790158074996e-8+0.2500000000111853<0.25000222558417234
revised distance squared from orbit of 13 to 17 is at most 0.25000222558417234.
distance squared from orbit of 13 to 22 will be revised since for 13 4 22: 0.5000000310595044+1.0790470231772205e-5<0.6752404799788442
revised distance squared from orbit of 13 to 22 is at most 0.6752404799788442.
distance squared from orbit of 13 to 22 will be revised since for 13 9 22: 0.6623028564489924+3.3955921498699066e-8<0.6752404799788442
revised distance squared from orbit of 13 to 22 is at most 0.6752404799788442.
distance squared from orbit of 13 to 22 will be revised since for 13 10 22: 0.45873414044733485+1.1516081427402227e-5<0.6752404799788442
revised distance squared from orbit of 13 to 22 is at most 0.6752404799788442.
distance squared from orbit of 13 to 22 will be revised since for 13 15 22: 0.41499728953581444+3.2139880044953293e-9<0.6752404799788442
revised distance squared from orbit of 13 to 22 is at most 0.6752404799788442.

distance squared from orbit of 14 to 6 will be revised since for 14 7 6: 0.2000000000000981+0.33333343585878794<0.6273220037501102
revised distance squared from orbit of 14 to 6 is at most 0.6273220037501102.
distance squared from orbit of 14 to 6 will be revised since for 14 13 6: 0.16666950126734462+0.33333479295855734<0.6273220037501102
revised distance squared from orbit of 14 to 6 is at most 0.6273220037501102.
distance squared from orbit of 14 to 6 will be revised since for 14 18 6: 0.20000000003896987+0.33333333472725574<0.6273220037501102
revised distance squared from orbit of 14 to 6 is at most 0.6273220037501102.
distance squared from orbit of 14 to 6 will be revised since for 14 20 6: 0.16666672233287752+0.3333333333340647<0.6273220037501102
revised distance squared from orbit of 14 to 6 is at most 0.6273220037501102.
distance squared from orbit of 14 to 9 will be revised since for 14 3 9: 0.5000000000000376+1.9722253868198597e-8<0.5960617835137192
revised distance squared from orbit of 14 to 9 is at most 0.5960617835137192.
distance squared from orbit of 14 to 12 will be revised since for 14 7 12: 0.2000000000000981+0.25000000125221766<0.5000000000476131
revised distance squared from orbit of 14 to 12 is at most 0.5000000000476131.
distance squared from orbit of 14 to 12 will be revised since for 14 18 12: 0.20000000003896987+0.2500000000000241<0.5000000000476131
revised distance squared from orbit of 14 to 12 is at most 0.5000000000476131.
distance squared from orbit of 14 to 17 will be revised since for 14 7 17: 0.2000000000000981+0.2500000219079454<0.5000000000000202
revised distance squared from orbit of 14 to 17 is at most 0.5000000000000202.
distance squared from orbit of 14 to 17 will be revised since for 14 13 17: 0.16666950126734462+0.25000222558417234<0.5000000000000202
revised distance squared from orbit of 14 to 17 is at most 0.5000000000000202.
distance squared from orbit of 14 to 17 will be revised since for 14 18 17: 0.20000000003896987+0.25000000011543866<0.5000000000000202
revised distance squared from orbit of 14 to 17 is at most 0.5000000000000202.
distance squared from orbit of 14 to 17 will be revised since for 14 20 17: 0.16666672233287752+0.2500000000111853<0.5000000000000202
revised distance squared from orbit of 14 to 17 is at most 0.5000000000000202.
distance squared from orbit of 14 to 22 will be revised since for 14 4 22: 0.33333333333337073+1.0790470231772205e-5<0.5000000000000486
revised distance squared from orbit of 14 to 22 is at most 0.5000000000000486.
distance squared from orbit of 14 to 22 will be revised since for 14 10 22: 0.3333333333336929+1.1516081427402227e-5<0.5000000000000486
revised distance squared from orbit of 14 to 22 is at most 0.5000000000000486.
distance squared from orbit of 14 to 22 will be revised since for 14 15 22: 0.3260768737169596+3.2139880044953293e-9<0.5000000000000486
revised distance squared from orbit of 14 to 22 is at most 0.5000000000000486.

distance squared from orbit of 15 to 2 will be revised since for 15 21 2: 2.8525644519544194e-9+0.6666666666668465<0.6666666698198407
revised distance squared from orbit of 15 to 2 is at most 0.6666666698198407.
distance squared from orbit of 15 to 3 will be revised since for 15 10 3: 0.208333333333367+0.5000000011257961<0.8075499102702888
revised distance squared from orbit of 15 to 3 is at most 0.8075499102702888.
distance squared from orbit of 15 to 6 will be revised since for 15 13 6: 0.16666876946332881+0.33333479295855734<0.6666666679178408
revised distance squared from orbit of 15 to 6 is at most 0.6666666679178408.
distance squared from orbit of 15 to 6 will be revised since for 15 18 6: 0.20000000356407002+0.33333333472725574<0.6666666679178408
revised distance squared from orbit of 15 to 6 is at most 0.6666666674962604.
distance squared from orbit of 15 to 6 will be revised since for 15 20 6: 0.16666667912499902+0.3333333333340647<0.6666666674962604
revised distance squared from orbit of 15 to 6 is at most 0.6666666674962604.
distance squared from orbit of 15 to 7 will be revised since for 15 4 7: 0.3333333333333874+0.20000000009977675<0.616666666666741
revised distance squared from orbit of 15 to 7 is at most 0.616666666666741.
distance squared from orbit of 15 to 7 will be revised since for 15 10 7: 0.208333333333367+0.20000000193131212<0.616666666666741
revised distance squared from orbit of 15 to 7 is at most 0.616666666666741.
distance squared from orbit of 15 to 8 will be revised since for 15 21 8: 2.8525644519544194e-9+0.5000000000000855<0.5000000033173423
revised distance squared from orbit of 15 to 8 is at most 0.5000000025003724.
distance squared from orbit of 15 to 9 will be revised since for 15 22 9: 3.2139880044953293e-9+0.5000000000001208<0.5000000066004607
revised distance squared from orbit of 15 to 9 is at most 0.5000000011570213.
distance squared from orbit of 15 to 11 will be revised since for 15 22 11: 3.2139880044953293e-9+0.6666666666671303<0.6666666801993986
revised distance squared from orbit of 15 to 11 is at most 0.6666666679693829.
distance squared from orbit of 15 to 12 will be revised since for 15 18 12: 0.20000000356407002+0.2500000000000241<0.5000000023319491
revised distance squared from orbit of 15 to 12 is at most 0.5000000013682033.
distance squared from orbit of 15 to 14 will be revised since for 15 4 14: 0.3333333333333874+1.4939695369962261e-9<0.41666666666676483
revised distance squared from orbit of 15 to 14 is at most 0.41666666666676483.
distance squared from orbit of 15 to 14 will be revised since for 15 10 14: 0.208333333333367+3.166879682771498e-9<0.41666666666676483
revised distance squared from orbit of 15 to 14 is at most 0.41666666666676483.
distance squared from orbit of 15 to 17 will be revised since for 15 13 17: 0.16666876946332881+0.25000222558417234<0.5000000008289308
revised distance squared from orbit of 15 to 17 is at most 0.5000000008289308.
distance squared from orbit of 15 to 17 will be revised since for 15 18 17: 0.20000000356407002+0.25000000011543866<0.5000000008289308
revised distance squared from orbit of 15 to 17 is at most 0.5000000005222656.
distance squared from orbit of 15 to 17 will be revised since for 15 20 17: 0.16666667912499902+0.2500000000111853<0.5000000005222656
revised distance squared from orbit of 15 to 17 is at most 0.5000000005222656.
distance squared from orbit of 15 to 18 will be revised since for 15 21 18: 2.8525644519544194e-9+0.20000000000003018<0.20000000356407002
revised distance squared from orbit of 15 to 18 is at most 0.20000000356407002.
distance squared from orbit of 15 to 20 will be revised since for 15 22 20: 3.2139880044953293e-9+0.16666666846581119<0.16666667912499902
revised distance squared from orbit of 15 to 20 is at most 0.16666667221855716.
distance squared from orbit of 15 to 23 will be revised since for 15 21 23: 2.8525644519544194e-9+5.9041243580436216e-8<3.4377042282758063e-7
revised distance squared from orbit of 15 to 23 is at most 9.238051766337849e-8.
distance squared from orbit of 15 to 23 will be revised since for 15 22 23: 3.2139880044953293e-9+2.0781808011397565e-8<9.238051766337849e-8
revised distance squared from orbit of 15 to 23 is at most 2.0991786143972786e-8.

distance squared from orbit of 16 to 2 will be revised since for 16 3 2: 0.5000000000001086+0.3333333337021806<0.8888888888889416
revised distance squared from orbit of 16 to 2 is at most 0.8888888888889416.
distance squared from orbit of 16 to 2 will be revised since for 16 8 2: 0.5000000001144169+0.33333333333340853<0.8888888888889416
revised distance squared from orbit of 16 to 2 is at most 0.8888888888889416.
distance squared from orbit of 16 to 4 will be revised since for 16 10 4: 0.3750000100787866+0.16666666666675772<0.6666666666667018
revised distance squared from orbit of 16 to 4 is at most 0.6666666666667018.
distance squared from orbit of 16 to 6 will be revised since for 16 20 6: 0.16666668657583542+0.3333333333340647<0.6197265996041824
revised distance squared from orbit of 16 to 6 is at most 0.6197265996041824.
distance squared from orbit of 16 to 7 will be revised since for 16 10 7: 0.3750000100787866+0.20000000193131212<0.6000000000045379
revised distance squared from orbit of 16 to 7 is at most 0.6000000000045379.
distance squared from orbit of 16 to 7 will be revised since for 16 11 7: 0.33333333333826404+0.20000000566625722<0.6000000000045379
revised distance squared from orbit of 16 to 7 is at most 0.6000000000045379.
distance squared from orbit of 16 to 9 will be revised since for 16 3 9: 0.5000000000001086+1.9722253868198597e-8<0.5000000305460011
revised distance squared from orbit of 16 to 9 is at most 0.5000000305460011.
distance squared from orbit of 16 to 12 will be revised since for 16 6 12: 0.6197265996041824+0.250000000000005<0.9166666666667203
revised distance squared from orbit of 16 to 12 is at most 0.9166666666667203.
distance squared from orbit of 16 to 12 will be revised since for 16 7 12: 0.6000000000045379+0.25000000125221766<0.9166666666667203
revised distance squared from orbit of 16 to 12 is at most 0.9166666666667203.
distance squared from orbit of 16 to 12 will be revised since for 16 10 12: 0.3750000100787866+0.5000000015381768<0.9166666666667203
revised distance squared from orbit of 16 to 12 is at most 0.9166666666667203.
distance squared from orbit of 16 to 12 will be revised since for 16 11 12: 0.33333333333826404+0.500000000000178<0.9166666666667203
revised distance squared from orbit of 16 to 12 is at most 0.9166666666667203.
distance squared from orbit of 16 to 12 will be revised since for 16 13 12: 0.4055194377748304+0.5000000084964146<0.9166666666667203
revised distance squared from orbit of 16 to 12 is at most 0.9166666666667203.
distance squared from orbit of 16 to 12 will be revised since for 16 15 12: 0.33333334120513636+0.5000000013682033<0.9166666666667203
revised distance squared from orbit of 16 to 12 is at most 0.9166666666667203.
distance squared from orbit of 16 to 12 will be revised since for 16 18 12: 0.6000000003181641+0.2500000000000241<0.9166666666667203
revised distance squared from orbit of 16 to 12 is at most 0.9166666666667203.
distance squared from orbit of 16 to 12 will be revised since for 16 19 12: 0.3333333357421066+0.5000000005201435<0.9166666666667203
revised distance squared from orbit of 16 to 12 is at most 0.9166666666667203.
distance squared from orbit of 16 to 14 will be revised since for 16 3 14: 0.5000000000001086+7.433720757201747e-9<0.6666666666794544
revised distance squared from orbit of 16 to 14 is at most 0.6666666666794544.
distance squared from orbit of 16 to 14 will be revised since for 16 7 14: 0.6000000000045379+4.250005782199664e-7<0.6666666666794544
revised distance squared from orbit of 16 to 14 is at most 0.6666666666794544.
distance squared from orbit of 16 to 14 will be revised since for 16 8 14: 0.5000000001144169+4.723764181146227e-9<0.6666666666794544
revised distance squared from orbit of 16 to 14 is at most 0.6666666666794544.
distance squared from orbit of 16 to 14 will be revised since for 16 10 14: 0.3750000100787866+3.166879682771498e-9<0.6666666666794544
revised distance squared from orbit of 16 to 14 is at most 0.6666666666794544.
distance squared from orbit of 16 to 14 will be revised since for 16 11 14: 0.33333333333826404+7.986329472594663e-9<0.6666666666794544
revised distance squared from orbit of 16 to 14 is at most 0.6666666666794544.
distance squared from orbit of 16 to 17 will be revised since for 16 20 17: 0.16666668657583542+0.2500000000111853<0.4841189103880403
revised distance squared from orbit of 16 to 17 is at most 0.4841189103880403.
distance squared from orbit of 16 to 18 will be revised since for 16 10 18: 0.3750000100787866+0.2000000020696252<0.6000000003181641
revised distance squared from orbit of 16 to 18 is at most 0.6000000003181641.
distance squared from orbit of 16 to 18 will be revised since for 16 11 18: 0.33333333333826404+0.20000007350329124<0.6000000003181641
revised distance squared from orbit of 16 to 18 is at most 0.6000000003181641.
distance squared from orbit of 16 to 18 will be revised since for 16 15 18: 0.33333334120513636+0.20000000356407002<0.6000000003181641
revised distance squared from orbit of 16 to 18 is at most 0.6000000003181641.
distance squared from orbit of 16 to 18 will be revised since for 16 19 18: 0.3333333357421066+0.2000000005431086<0.6000000003181641
revised distance squared from orbit of 16 to 18 is at most 0.6000000003181641.
distance squared from orbit of 16 to 21 will be revised since for 16 10 21: 0.3750000100787866+2.8536567690080824e-9<0.5000000247013434
revised distance squared from orbit of 16 to 21 is at most 0.5000000247013434.
distance squared from orbit of 16 to 21 will be revised since for 16 11 21: 0.33333333333826404+2.9397122090028105e-7<0.5000000247013434
revised distance squared from orbit of 16 to 21 is at most 0.5000000247013434.
distance squared from orbit of 16 to 21 will be revised since for 16 13 21: 0.4055194377748304+2.7083759575971507e-8<0.5000000247013434
revised distance squared from orbit of 16 to 21 is at most 0.5000000247013434.
distance squared from orbit of 16 to 21 will be revised since for 16 15 21: 0.33333334120513636+2.8525644519544194e-9<0.5000000247013434
revised distance squared from orbit of 16 to 21 is at most 0.5000000247013434.
distance squared from orbit of 16 to 21 will be revised since for 16 19 21: 0.3333333357421066+1.6158962806054044e-7<0.5000000247013434
revised distance squared from orbit of 16 to 21 is at most 0.5000000247013434.
distance squared from orbit of 16 to 23 will be revised since for 16 22 23: 3.2748047952444684e-8+2.0781808011397565e-8<9.921736832530353e-8
revised distance squared from orbit of 16 to 23 is at most 9.921736832530353e-8.

distance squared from orbit of 17 to 3 will be revised since for 17 6 3: 0.33333333333336546+0.6473671297286967<1.0000000000030727
revised distance squared from orbit of 17 to 3 is at most 1.0000000000030727.
distance squared from orbit of 17 to 3 will be revised since for 17 8 3: 0.5000000000014072+0.5000000000000809<1.0000000000030727
revised distance squared from orbit of 17 to 3 is at most 1.0000000000030727.
distance squared from orbit of 17 to 4 will be revised since for 17 6 4: 0.33333333333336546+0.5000000029505434<0.833333427412764
revised distance squared from orbit of 17 to 4 is at most 0.833333427412764.
distance squared from orbit of 17 to 4 will be revised since for 17 8 4: 0.5000000000014072+0.33333333711365387<0.833333427412764
revised distance squared from orbit of 17 to 4 is at most 0.833333427412764.
distance squared from orbit of 17 to 4 will be revised since for 17 10 4: 0.500000053400999+0.16666666666675772<0.833333427412764
revised distance squared from orbit of 17 to 4 is at most 0.833333427412764.
distance squared from orbit of 17 to 5 will be revised since for 17 6 5: 0.33333333333336546+1.000000000000028<1.333333333333479
revised distance squared from orbit of 17 to 5 is at most 1.333333333333479.
distance squared from orbit of 17 to 7 will be revised since for 17 8 7: 0.5000000000014072+0.20000000000944446<0.8799795560894188
revised distance squared from orbit of 17 to 7 is at most 0.8799795560894188.
distance squared from orbit of 17 to 7 will be revised since for 17 10 7: 0.500000053400999+0.20000000193131212<0.8799795560894188
revised distance squared from orbit of 17 to 7 is at most 0.8799795560894188.
distance squared from orbit of 17 to 7 will be revised since for 17 14 7: 0.6666666666667367+0.2000000000000981<0.8799795560894188
revised distance squared from orbit of 17 to 7 is at most 0.8799795560894188.
distance squared from orbit of 17 to 9 will be revised since for 17 6 9: 0.33333333333336546+0.6594466049442754<1.0000000001914482
revised distance squared from orbit of 17 to 9 is at most 1.0000000001914482.
distance squared from orbit of 17 to 9 will be revised since for 17 13 9: 0.3333746210142735+0.6623028564489924<1.0000000001914482
revised distance squared from orbit of 17 to 9 is at most 1.0000000001914482.
distance squared from orbit of 17 to 13 will be revised since for 17 6 13: 0.33333333333336546+4.0232162407384514e-5<0.3333746210142735
revised distance squared from orbit of 17 to 13 is at most 0.3333746210142735.
distance squared from orbit of 17 to 13 will be revised since for 17 20 13: 3.208806178694853e-5+0.33333333333341597<0.3333746210142735
revised distance squared from orbit of 17 to 13 is at most 0.3333417818475816.
distance squared from orbit of 17 to 14 will be revised since for 17 8 14: 0.5000000000014072+4.723764181146227e-9<0.6666666666667367
revised distance squared from orbit of 17 to 14 is at most 0.6666666666667367.
distance squared from orbit of 17 to 14 will be revised since for 17 10 14: 0.500000053400999+3.166879682771498e-9<0.6666666666667367
revised distance squared from orbit of 17 to 14 is at most 0.6666666666667367.
distance squared from orbit of 17 to 15 will be revised since for 17 10 15: 0.500000053400999+2.4926875643230267e-6<0.6666669119722374
revised distance squared from orbit of 17 to 15 is at most 0.6666669119722374.
distance squared from orbit of 17 to 18 will be revised since for 17 6 18: 0.33333333333336546+0.20000002834654027<0.5615196053982421
revised distance squared from orbit of 17 to 18 is at most 0.5615196053982421.
distance squared from orbit of 17 to 18 will be revised since for 17 12 18: 0.5000000000000344+3.44827704419166e-7<0.5615196053982421
revised distance squared from orbit of 17 to 18 is at most 0.5615196053982421.
distance squared from orbit of 17 to 18 will be revised since for 17 13 18: 0.3333417818475816+0.20000001566882905<0.5615196053982421
revised distance squared from orbit of 17 to 18 is at most 0.5615196053982421.
distance squared from orbit of 17 to 18 will be revised since for 17 19 18: 0.3333335283415205+0.2000000005431086<0.5615196053982421
revised distance squared from orbit of 17 to 18 is at most 0.5615196053982421.
distance squared from orbit of 17 to 19 will be revised since for 17 6 19: 0.33333333333336546+5.1325540254316486e-9<0.3333335283415205
revised distance squared from orbit of 17 to 19 is at most 0.3333335283415205.
distance squared from orbit of 17 to 21 will be revised since for 17 6 21: 0.33333333333336546+3.0796519508902654e-6<0.5000000031745397
revised distance squared from orbit of 17 to 21 is at most 0.5000000031745397.
distance squared from orbit of 17 to 21 will be revised since for 17 13 21: 0.3333417818475816+2.7083759575971507e-8<0.5000000031745397
revised distance squared from orbit of 17 to 21 is at most 0.5000000031745397.
distance squared from orbit of 17 to 21 will be revised since for 17 19 21: 0.3333335283415205+1.6158962806054044e-7<0.5000000031745397
revised distance squared from orbit of 17 to 21 is at most 0.5000000031745397.
distance squared from orbit of 17 to 22 will be revised since for 17 4 22: 0.833333427412764+1.0790470231772205e-5<0.8750000777078595
revised distance squared from orbit of 17 to 22 is at most 0.8750000777078595.
distance squared from orbit of 17 to 22 will be revised since for 17 10 22: 0.500000053400999+1.1516081427402227e-5<0.8750000777078595
revised distance squared from orbit of 17 to 22 is at most 0.8750000777078595.
distance squared from orbit of 17 to 22 will be revised since for 17 15 22: 0.6666669119722374+3.2139880044953293e-9<0.8750000777078595
revised distance squared from orbit of 17 to 22 is at most 0.8750000777078595.
distance squared from orbit of 17 to 22 will be revised since for 17 16 22: 0.875000000000072+3.2748047952444684e-8<0.8750000777078595
revised distance squared from orbit of 17 to 22 is at most 0.8750000777078595.

distance squared from orbit of 18 to 3 will be revised since for 18 6 3: 0.33333333472725574+0.6473671297286967<1.0000000000003078
revised distance squared from orbit of 18 to 3 is at most 1.0000000000003078.
distance squared from orbit of 18 to 9 will be revised since for 18 6 9: 0.33333333472725574+0.6594466049442754<1.0000000001150302
revised distance squared from orbit of 18 to 9 is at most 1.0000000001150302.
distance squared from orbit of 18 to 9 will be revised since for 18 13 9: 0.33334797320017423+0.6623028564489924<1.0000000001150302
revised distance squared from orbit of 18 to 9 is at most 1.0000000001150302.
distance squared from orbit of 18 to 10 will be revised since for 18 20 10: 1.2937342179550928e-5+0.5000002876722398<0.5000304905309422
revised distance squared from orbit of 18 to 10 is at most 0.5000184827123825.
distance squared from orbit of 18 to 10 will be revised since for 18 21 10: 3.32629958356056e-7+0.5000000037798733<0.5000184827123825
revised distance squared from orbit of 18 to 10 is at most 0.5000184827123825.
distance squared from orbit of 18 to 10 will be revised since for 18 23 10: 1.6728247609268585e-5+0.5000000000000316<0.5000184827123825
revised distance squared from orbit of 18 to 10 is at most 0.5000104180856833.
distance squared from orbit of 18 to 13 will be revised since for 18 20 13: 1.2937342179550928e-5+0.33333333333341597<0.33334797320017423
revised distance squared from orbit of 18 to 13 is at most 0.33333640020393235.
distance squared from orbit of 18 to 15 will be revised since for 18 10 15: 0.5000104180856833+2.4926875643230267e-6<0.6458333693693721
revised distance squared from orbit of 18 to 15 is at most 0.6458333693693721.
distance squared from orbit of 18 to 16 will be revised since for 18 21 16: 3.32629958356056e-7+0.8750000071372495<0.8750071247074017
revised distance squared from orbit of 18 to 16 is at most 0.8750071247074017.
distance squared from orbit of 18 to 17 will be revised since for 18 12 17: 0.2500000000000241+8.760249092091713e-12<0.25000000011543866
revised distance squared from orbit of 18 to 17 is at most 0.25000000011543866.
distance squared from orbit of 18 to 19 will be revised since for 18 6 19: 0.33333333472725574+5.1325540254316486e-9<0.333340491646294
revised distance squared from orbit of 18 to 19 is at most 0.333340491646294.
distance squared from orbit of 18 to 19 will be revised since for 18 13 19: 0.33333640020393235+1.706101532821378e-7<0.333340491646294
revised distance squared from orbit of 18 to 19 is at most 0.333340491646294.
distance squared from orbit of 18 to 19 will be revised since for 18 21 19: 3.32629958356056e-7+0.333333333849954<0.333340491646294
revised distance squared from orbit of 18 to 19 is at most 0.333340491646294.
distance squared from orbit of 18 to 22 will be revised since for 18 4 22: 0.6666669885616493+1.0790470231772205e-5<0.8750086548614647
revised distance squared from orbit of 18 to 22 is at most 0.8750086548614647.
distance squared from orbit of 18 to 22 will be revised since for 18 10 22: 0.5000104180856833+1.1516081427402227e-5<0.8750086548614647
revised distance squared from orbit of 18 to 22 is at most 0.8750086548614647.
distance squared from orbit of 18 to 22 will be revised since for 18 15 22: 0.6458333693693721+3.2139880044953293e-9<0.8750086548614647
revised distance squared from orbit of 18 to 22 is at most 0.8750086548614647.
distance squared from orbit of 18 to 22 will be revised since for 18 16 22: 0.8750071247074017+3.2748047952444684e-8<0.8750086548614647
revised distance squared from orbit of 18 to 22 is at most 0.8750086548614647.
distance squared from orbit of 18 to 22 will be revised since for 18 21 22: 3.32629958356056e-7+0.8750000003968952<0.8750086548614647
revised distance squared from orbit of 18 to 22 is at most 0.8750086548614647.
distance squared from orbit of 18 to 23 will be revised since for 18 20 23: 1.2937342179550928e-5+3.599959375719813e-7<1.6728247609268585e-5
revised distance squared from orbit of 18 to 23 is at most 1.6728247609268585e-5.
distance squared from orbit of 18 to 23 will be revised since for 18 21 23: 3.32629958356056e-7+5.9041243580436216e-8<1.6728247609268585e-5
revised distance squared from orbit of 18 to 23 is at most 1.6728247609268585e-5.

distance squared from orbit of 19 to 6 will be revised since for 19 13 6: 0.1666666666690595+0.33333479295855734<0.6666666696611716
revised distance squared from orbit of 19 to 6 is at most 0.6666666696611716.
distance squared from orbit of 19 to 6 will be revised since for 19 18 6: 0.2000000005431086+0.33333333472725574<0.6666666696611716
revised distance squared from orbit of 19 to 6 is at most 0.6666666696611716.
distance squared from orbit of 19 to 6 will be revised since for 19 20 6: 0.1666666670628261+0.3333333333340647<0.6666666696611716
revised distance squared from orbit of 19 to 6 is at most 0.6666666696611716.
distance squared from orbit of 19 to 6 will be revised since for 19 23 6: 2.919540786442655e-10+0.6666666667440505<0.6666666696611716
revised distance squared from orbit of 19 to 6 is at most 0.6666666696611716.
distance squared from orbit of 19 to 7 will be revised since for 19 21 7: 1.6158962806054044e-7+0.6301239602446058<0.6301242851061222
revised distance squared from orbit of 19 to 7 is at most 0.6301239793587722.
distance squared from orbit of 19 to 8 will be revised since for 19 23 8: 2.919540786442655e-10+0.5000000000000896<0.5000000157604104
revised distance squared from orbit of 19 to 8 is at most 0.5000000002117881.
distance squared from orbit of 19 to 12 will be revised since for 19 18 12: 0.2000000005431086+0.2500000000000241<0.5000000005201435
revised distance squared from orbit of 19 to 12 is at most 0.5000000003553317.
distance squared from orbit of 19 to 14 will be revised since for 19 10 14: 0.4587341226348008+3.166879682771498e-9<0.5000000000668622
revised distance squared from orbit of 19 to 14 is at most 0.5000000000668622.
distance squared from orbit of 19 to 17 will be revised since for 19 12 17: 0.5000000003553317+8.760249092091713e-12<0.500000002404034
revised distance squared from orbit of 19 to 17 is at most 0.500000002404034.
distance squared from orbit of 19 to 17 will be revised since for 19 13 17: 0.1666666666690595+0.25000222558417234<0.500000002404034
revised distance squared from orbit of 19 to 17 is at most 0.500000002404034.
distance squared from orbit of 19 to 17 will be revised since for 19 18 17: 0.2000000005431086+0.25000000011543866<0.500000002404034
revised distance squared from orbit of 19 to 17 is at most 0.500000002404034.
distance squared from orbit of 19 to 17 will be revised since for 19 20 17: 0.1666666670628261+0.2500000000111853<0.500000002404034
revised distance squared from orbit of 19 to 17 is at most 0.500000002404034.
distance squared from orbit of 19 to 17 will be revised since for 19 23 17: 2.919540786442655e-10+0.5000000000000306<0.500000002404034
revised distance squared from orbit of 19 to 17 is at most 0.5000000001528135.
distance squared from orbit of 19 to 20 will be revised since for 19 23 20: 2.919540786442655e-10+0.1666666666666969<0.1666666670628261
revised distance squared from orbit of 19 to 20 is at most 0.16666666679540965.
distance squared from orbit of 19 to 22 will be revised since for 19 4 22: 0.5000000000001318+1.0790470231772205e-5<0.6752404735809004
revised distance squared from orbit of 19 to 22 is at most 0.6752404735809004.
distance squared from orbit of 19 to 22 will be revised since for 19 10 22: 0.4587341226348008+1.1516081427402227e-5<0.6752404735809004
revised distance squared from orbit of 19 to 22 is at most 0.6752404735809004.
distance squared from orbit of 19 to 22 will be revised since for 19 15 22: 0.4149972878354282+3.2139880044953293e-9<0.6752404735809004
revised distance squared from orbit of 19 to 22 is at most 0.6752404735809004.

distance squared from orbit of 20 to 1 will be revised since for 20 8 1: 0.5000000000000204+0.5000000000000103<1.0000000000000457
revised distance squared from orbit of 20 to 1 is at most 1.0000000000000457.
distance squared from orbit of 20 to 2 will be revised since for 20 6 2: 0.3333333333340647+0.5000000000001337<0.8333333333372386
revised distance squared from orbit of 20 to 2 is at most 0.8333333333372386.
distance squared from orbit of 20 to 2 will be revised since for 20 8 2: 0.5000000000000204+0.33333333333340853<0.8333333333372386
revised distance squared from orbit of 20 to 2 is at most 0.8333333333372386.
distance squared from orbit of 20 to 3 will be revised since for 20 6 3: 0.3333333333340647+0.6473671297286967<1.000000000000541
revised distance squared from orbit of 20 to 3 is at most 1.000000000000541.
distance squared from orbit of 20 to 3 will be revised since for 20 8 3: 0.5000000000000204+0.5000000000000809<1.000000000000541
revised distance squared from orbit of 20 to 3 is at most 1.000000000000541.
distance squared from orbit of 20 to 4 will be revised since for 20 6 4: 0.3333333333340647+0.5000000029505434<0.8333333598487614
revised distance squared from orbit of 20 to 4 is at most 0.8333333598487614.
distance squared from orbit of 20 to 4 will be revised since for 20 8 4: 0.5000000000000204+0.33333333711365387<0.8333333598487614
revised distance squared from orbit of 20 to 4 is at most 0.8333333598487614.
distance squared from orbit of 20 to 4 will be revised since for 20 10 4: 0.5000002876722398+0.16666666666675772<0.8333333598487614
revised distance squared from orbit of 20 to 4 is at most 0.8333333598487614.
distance squared from orbit of 20 to 7 will be revised since for 20 8 7: 0.5000000000000204+0.20000000000944446<0.8945037156075005
revised distance squared from orbit of 20 to 7 is at most 0.8945037156075005.
distance squared from orbit of 20 to 7 will be revised since for 20 10 7: 0.5000002876722398+0.20000000193131212<0.8945037156075005
revised distance squared from orbit of 20 to 7 is at most 0.8945037156075005.
distance squared from orbit of 20 to 7 will be revised since for 20 14 7: 0.6666666666666987+0.2000000000000981<0.8945037156075005
revised distance squared from orbit of 20 to 7 is at most 0.8945037156075005.
distance squared from orbit of 20 to 9 will be revised since for 20 6 9: 0.3333333333340647+0.6594466049442754<1.0000000000745684
revised distance squared from orbit of 20 to 9 is at most 1.0000000000745684.
distance squared from orbit of 20 to 9 will be revised since for 20 13 9: 0.33333333333341597+0.6623028564489924<1.0000000000745684
revised distance squared from orbit of 20 to 9 is at most 1.0000000000745684.
distance squared from orbit of 20 to 12 will be revised since for 20 6 12: 0.3333333333340647+0.250000000000005<0.7500000000425259
revised distance squared from orbit of 20 to 12 is at most 0.7500000000425259.
distance squared from orbit of 20 to 12 will be revised since for 20 17 12: 0.2500000000111853+0.5000000000000344<0.7500000000425259
revised distance squared from orbit of 20 to 12 is at most 0.7500000000096592.
distance squared from orbit of 20 to 14 will be revised since for 20 8 14: 0.5000000000000204+4.723764181146227e-9<0.6666666666666987
revised distance squared from orbit of 20 to 14 is at most 0.6666666666666987.
distance squared from orbit of 20 to 14 will be revised since for 20 10 14: 0.5000002876722398+3.166879682771498e-9<0.6666666666666987
revised distance squared from orbit of 20 to 14 is at most 0.6666666666666987.
distance squared from orbit of 20 to 15 will be revised since for 20 10 15: 0.5000002876722398+2.4926875643230267e-6<0.6666668739366273
revised distance squared from orbit of 20 to 15 is at most 0.6666668739366273.
distance squared from orbit of 20 to 18 will be revised since for 20 6 18: 0.3333333333340647+0.20000002834654027<0.6000000000083376
revised distance squared from orbit of 20 to 18 is at most 0.6000000000083376.
distance squared from orbit of 20 to 18 will be revised since for 20 13 18: 0.33333333333341597+0.20000001566882905<0.6000000000083376
revised distance squared from orbit of 20 to 18 is at most 0.6000000000083376.
distance squared from orbit of 20 to 18 will be revised since for 20 19 18: 0.333333530256218+0.2000000005431086<0.6000000000083376
revised distance squared from orbit of 20 to 18 is at most 0.6000000000083376.
distance squared from orbit of 20 to 19 will be revised since for 20 6 19: 0.3333333333340647+5.1325540254316486e-9<0.333333530256218
revised distance squared from orbit of 20 to 19 is at most 0.333333530256218.
distance squared from orbit of 20 to 19 will be revised since for 20 13 19: 0.33333333333341597+1.706101532821378e-7<0.333333530256218
revised distance squared from orbit of 20 to 19 is at most 0.333333530256218.
distance squared from orbit of 20 to 21 will be revised since for 20 6 21: 0.3333333333340647+3.0796519508902654e-6<0.5000001070845262
revised distance squared from orbit of 20 to 21 is at most 0.5000001070845262.
distance squared from orbit of 20 to 21 will be revised since for 20 13 21: 0.33333333333341597+2.7083759575971507e-8<0.5000001070845262
revised distance squared from orbit of 20 to 21 is at most 0.5000001070845262.
distance squared from orbit of 20 to 21 will be revised since for 20 19 21: 0.333333530256218+1.6158962806054044e-7<0.5000001070845262
revised distance squared from orbit of 20 to 21 is at most 0.5000001070845262.
distance squared from orbit of 20 to 22 will be revised since for 20 4 22: 0.8333333598487614+1.0790470231772205e-5<0.8750001814034217
revised distance squared from orbit of 20 to 22 is at most 0.8750001814034217.
distance squared from orbit of 20 to 22 will be revised since for 20 10 22: 0.5000002876722398+1.1516081427402227e-5<0.8750001814034217
revised distance squared from orbit of 20 to 22 is at most 0.8750001814034217.
distance squared from orbit of 20 to 22 will be revised since for 20 15 22: 0.6666668739366273+3.2139880044953293e-9<0.8750001814034217
revised distance squared from orbit of 20 to 22 is at most 0.8750001814034217.

distance squared from orbit of 21 to 6 will be revised since for 21 18 6: 0.20000000000003018+0.33333333472725574<0.6666666666672171
revised distance squared from orbit of 21 to 6 is at most 0.6666666666672171.
distance squared from orbit of 21 to 6 will be revised since for 21 20 6: 0.16666671552771367+0.3333333333340647<0.6666666666672171
revised distance squared from orbit of 21 to 6 is at most 0.6666666666672171.
distance squared from orbit of 21 to 12 will be revised since for 21 18 12: 0.20000000000003018+0.2500000000000241<0.5000000000000119
revised distance squared from orbit of 21 to 12 is at most 0.5000000000000119.
distance squared from orbit of 21 to 15 will be revised since for 21 10 15: 0.5000000037798733+2.4926875643230267e-6<0.6458333333333848
revised distance squared from orbit of 21 to 15 is at most 0.6458333333333848.
distance squared from orbit of 21 to 17 will be revised since for 21 12 17: 0.5000000000000119+8.760249092091713e-12<0.5000000005796487
revised distance squared from orbit of 21 to 17 is at most 0.5000000005796487.
distance squared from orbit of 21 to 17 will be revised since for 21 18 17: 0.20000000000003018+0.25000000011543866<0.5000000005796487
revised distance squared from orbit of 21 to 17 is at most 0.5000000005796487.
distance squared from orbit of 21 to 17 will be revised since for 21 20 17: 0.16666671552771367+0.2500000000111853<0.5000000005796487
revised distance squared from orbit of 21 to 17 is at most 0.5000000005796487.
distance squared from orbit of 21 to 22 will be revised since for 21 4 22: 0.6666666666667002+1.0790470231772205e-5<0.8750000003968952
revised distance squared from orbit of 21 to 22 is at most 0.8750000003968952.
distance squared from orbit of 21 to 22 will be revised since for 21 10 22: 0.5000000037798733+1.1516081427402227e-5<0.8750000003968952
revised distance squared from orbit of 21 to 22 is at most 0.8750000003968952.
distance squared from orbit of 21 to 22 will be revised since for 21 15 22: 0.6458333333333848+3.2139880044953293e-9<0.8750000003968952
revised distance squared from orbit of 21 to 22 is at most 0.8750000003968952.

distance squared from orbit of 22 to 2 will be revised since for 22 8 2: 0.5000000035952726+0.33333333333340853<0.9166666839452471
revised distance squared from orbit of 22 to 2 is at most 0.9166666839452471.
distance squared from orbit of 22 to 3 will be revised since for 22 10 3: 0.37500000000008465+0.5000000011257961<0.9370994204249926
revised distance squared from orbit of 22 to 3 is at most 0.9370994204249926.
distance squared from orbit of 22 to 4 will be revised since for 22 10 4: 0.37500000000008465+0.16666666666675772<0.666666666666679
revised distance squared from orbit of 22 to 4 is at most 0.666666666666679.
distance squared from orbit of 22 to 5 will be revised since for 22 15 5: 0.33333333333338266+1.0000000000000173<1.3333333333334034
revised distance squared from orbit of 22 to 5 is at most 1.3333333333334034.
distance squared from orbit of 22 to 6 will be revised since for 22 20 6: 0.16666666846581119+0.3333333333340647<0.6666666687249999
revised distance squared from orbit of 22 to 6 is at most 0.6666666677427292.
distance squared from orbit of 22 to 7 will be revised since for 22 4 7: 0.666666666666679+0.20000000009977675<0.9321105348046365
revised distance squared from orbit of 22 to 7 is at most 0.9321105348046365.
distance squared from orbit of 22 to 7 will be revised since for 22 8 7: 0.5000000035952726+0.20000000000944446<0.9321105348046365
revised distance squared from orbit of 22 to 7 is at most 0.9321105348046365.
distance squared from orbit of 22 to 7 will be revised since for 22 10 7: 0.37500000000008465+0.20000000193131212<0.9321105348046365
revised distance squared from orbit of 22 to 7 is at most 0.9321105348046365.
distance squared from orbit of 22 to 7 will be revised since for 22 11 7: 0.6666666666671303+0.20000000566625722<0.9321105348046365
revised distance squared from orbit of 22 to 7 is at most 0.9321105348046365.
distance squared from orbit of 22 to 7 will be revised since for 22 14 7: 0.6666666676661096+0.2000000000000981<0.9321105348046365
revised distance squared from orbit of 22 to 7 is at most 0.9321105348046365.
distance squared from orbit of 22 to 12 will be revised since for 22 6 12: 0.6666666677427292+0.250000000000005<0.9500000093378514
revised distance squared from orbit of 22 to 12 is at most 0.9500000093378514.
distance squared from orbit of 22 to 12 will be revised since for 22 10 12: 0.37500000000008465+0.5000000015381768<0.9500000093378514
revised distance squared from orbit of 22 to 12 is at most 0.9500000093378514.
distance squared from orbit of 22 to 12 will be revised since for 22 13 12: 0.4406335123229996+0.5000000084964146<0.9500000093378514
revised distance squared from orbit of 22 to 12 is at most 0.9500000093378514.
distance squared from orbit of 22 to 12 will be revised since for 22 15 12: 0.33333333333338266+0.5000000013682033<0.9500000093378514
revised distance squared from orbit of 22 to 12 is at most 0.9500000093378514.
distance squared from orbit of 22 to 12 will be revised since for 22 18 12: 0.6000000145003643+0.2500000000000241<0.9500000093378514
revised distance squared from orbit of 22 to 12 is at most 0.9500000093378514.
distance squared from orbit of 22 to 12 will be revised since for 22 19 12: 0.33333333347756267+0.5000000003553317<0.9500000093378514
revised distance squared from orbit of 22 to 12 is at most 0.9500000093378514.
distance squared from orbit of 22 to 12 will be revised since for 22 20 12: 0.16666666846581119+0.7500000000096592<0.9500000093378514
revised distance squared from orbit of 22 to 12 is at most 0.9500000093378514.
distance squared from orbit of 22 to 14 will be revised since for 22 8 14: 0.5000000035952726+4.723764181146227e-9<0.6666666676661096
revised distance squared from orbit of 22 to 14 is at most 0.6666666674584547.
distance squared from orbit of 22 to 14 will be revised since for 22 10 14: 0.37500000000008465+3.166879682771498e-9<0.6666666674584547
revised distance squared from orbit of 22 to 14 is at most 0.6666666674584547.
distance squared from orbit of 22 to 17 will be revised since for 22 20 17: 0.16666666846581119+0.2500000000111853<0.5000000033224599
revised distance squared from orbit of 22 to 17 is at most 0.5000000027215986.
distance squared from orbit of 22 to 18 will be revised since for 22 10 18: 0.37500000000008465+0.2000000020696252<0.6000000145003643
revised distance squared from orbit of 22 to 18 is at most 0.6000000145003643.
distance squared from orbit of 22 to 18 will be revised since for 22 15 18: 0.33333333333338266+0.20000000356407002<0.6000000145003643
revised distance squared from orbit of 22 to 18 is at most 0.6000000145003643.
distance squared from orbit of 22 to 18 will be revised since for 22 19 18: 0.33333333347756267+0.2000000005431086<0.6000000145003643
revised distance squared from orbit of 22 to 18 is at most 0.6000000145003643.
distance squared from orbit of 22 to 21 will be revised since for 22 10 21: 0.37500000000008465+2.8536567690080824e-9<0.5000000061313583
revised distance squared from orbit of 22 to 21 is at most 0.5000000061313583.
distance squared from orbit of 22 to 21 will be revised since for 22 13 21: 0.4406335123229996+2.7083759575971507e-8<0.5000000061313583
revised distance squared from orbit of 22 to 21 is at most 0.5000000061313583.
distance squared from orbit of 22 to 21 will be revised since for 22 15 21: 0.33333333333338266+2.8525644519544194e-9<0.5000000061313583
revised distance squared from orbit of 22 to 21 is at most 0.5000000061313583.
distance squared from orbit of 22 to 21 will be revised since for 22 19 21: 0.33333333347756267+1.6158962806054044e-7<0.5000000061313583
revised distance squared from orbit of 22 to 21 is at most 0.5000000061313583.

distance squared from orbit of 23 to 2 will be revised since for 23 8 2: 0.5000000000000896+0.33333333333340853<0.9166666666666813
revised distance squared from orbit of 23 to 2 is at most 0.9166666666666813.
distance squared from orbit of 23 to 4 will be revised since for 23 10 4: 0.5000000000000316+0.16666666666675772<0.8333333333333628
revised distance squared from orbit of 23 to 4 is at most 0.8333333333333628.
distance squared from orbit of 23 to 6 will be revised since for 23 20 6: 0.1666666666666969+0.3333333333340647<0.6666666667440505
revised distance squared from orbit of 23 to 6 is at most 0.6666666667134974.
distance squared from orbit of 23 to 7 will be revised since for 23 8 7: 0.5000000000000896+0.20000000000944446<0.9321105255405562
revised distance squared from orbit of 23 to 7 is at most 0.9321105255405562.
distance squared from orbit of 23 to 7 will be revised since for 23 10 7: 0.5000000000000316+0.20000000193131212<0.9321105255405562
revised distance squared from orbit of 23 to 7 is at most 0.9321105255405562.
distance squared from orbit of 23 to 7 will be revised since for 23 14 7: 0.6666666666667078+0.2000000000000981<0.9321105255405562
revised distance squared from orbit of 23 to 7 is at most 0.9321105255405562.
distance squared from orbit of 23 to 12 will be revised since for 23 6 12: 0.6666666667134974+0.250000000000005<0.9500000000002298
revised distance squared from orbit of 23 to 12 is at most 0.9500000000002298.
distance squared from orbit of 23 to 12 will be revised since for 23 13 12: 0.4406335061551001+0.5000000084964146<0.9500000000002298
revised distance squared from orbit of 23 to 12 is at most 0.9500000000002298.
distance squared from orbit of 23 to 12 will be revised since for 23 18 12: 0.6000000016317334+0.2500000000000241<0.9500000000002298
revised distance squared from orbit of 23 to 12 is at most 0.9500000000002298.
distance squared from orbit of 23 to 12 will be revised since for 23 19 12: 0.33333333333345805+0.5000000003553317<0.9500000000002298
revised distance squared from orbit of 23 to 12 is at most 0.9500000000002298.
distance squared from orbit of 23 to 12 will be revised since for 23 20 12: 0.1666666666666969+0.7500000000096592<0.9500000000002298
revised distance squared from orbit of 23 to 12 is at most 0.9500000000002298.
distance squared from orbit of 23 to 14 will be revised since for 23 8 14: 0.5000000000000896+4.723764181146227e-9<0.6666666666667078
revised distance squared from orbit of 23 to 14 is at most 0.6666666666667078.
distance squared from orbit of 23 to 14 will be revised since for 23 10 14: 0.5000000000000316+3.166879682771498e-9<0.6666666666667078
revised distance squared from orbit of 23 to 14 is at most 0.6666666666667078.
distance squared from orbit of 23 to 15 will be revised since for 23 10 15: 0.5000000000000316+2.4926875643230267e-6<0.6666666666668012
revised distance squared from orbit of 23 to 15 is at most 0.6666666666668012.
distance squared from orbit of 23 to 17 will be revised since for 23 20 17: 0.1666666666666969+0.2500000000111853<0.5000000000000306
revised distance squared from orbit of 23 to 17 is at most 0.5000000000000306.
distance squared from orbit of 23 to 18 will be revised since for 23 19 18: 0.33333333333345805+0.2000000005431086<0.6000000016317334
revised distance squared from orbit of 23 to 18 is at most 0.6000000016317334.
distance squared from orbit of 23 to 21 will be revised since for 23 13 21: 0.4406335061551001+2.7083759575971507e-8<0.5000000000000612
revised distance squared from orbit of 23 to 21 is at most 0.5000000000000612.
distance squared from orbit of 23 to 21 will be revised since for 23 19 21: 0.33333333333345805+1.6158962806054044e-7<0.5000000000000612
revised distance squared from orbit of 23 to 21 is at most 0.5000000000000612.
distance squared from orbit of 23 to 22 will be revised since for 23 4 22: 0.8333333333333628+1.0790470231772205e-5<0.8750000000000243
revised distance squared from orbit of 23 to 22 is at most 0.8750000000000243.
distance squared from orbit of 23 to 22 will be revised since for 23 10 22: 0.5000000000000316+1.1516081427402227e-5<0.8750000000000243
revised distance squared from orbit of 23 to 22 is at most 0.8750000000000243.
distance squared from orbit of 23 to 22 will be revised since for 23 15 22: 0.6666666666668012+3.2139880044953293e-9<0.8750000000000243
revised distance squared from orbit of 23 to 22 is at most 0.8750000000000243.

rechecked new distance squared from orbit of 1 to 2 is at most 0.33333333333520226 old is 0.3333333333368205.
rechecked new distance squared from orbit of 1 to 3 is at most 2.7314210438901294e-11 old is 4.690370893413399e-11.
rechecked better distance squared from orbit of 1 to 4 is at most 2.4147806923170952e-9 old is 2.4176147355364287e-9.
rechecked better distance squared from orbit of 1 to 10 is at most 6.678441572840528e-9 old is 8.062977790718892e-9.
rechecked better distance squared from orbit of 1 to 13 is at most 7.448135558873593e-6 old is 7.892373788358198e-6.
rechecked better distance squared from orbit of 1 to 14 is at most 1.8179286182097718e-6 old is 1.9503111558031707e-6.
rechecked better distance squared from orbit of 1 to 15 is at most 3.969689036976099e-7 old is 3.969727729320734e-7.
rechecked better distance squared from orbit of 1 to 17 is at most 0.2507696728878357 old is 0.2507736403149217.
rechecked better distance squared from orbit of 1 to 21 is at most 5.61211412387732e-7 old is 9.243756284948837e-7.
rechecked better distance squared from orbit of 1 to 22 is at most 2.2282765611965834e-9 old is 2.2282859400903075e-9.
rechecked better distance squared from orbit of 1 to 23 is at most 1.0982109135694327e-6 old is 1.098259799409727e-6.
rechecked better distance squared from orbit of 2 to 6 is at most 5.577394125280622e-8 old is 8.28924211033605e-8.
rechecked better distance squared from orbit of 2 to 8 is at most 1.966624898937996e-8 old is 1.0409027038785674e-7.
rechecked better distance squared from orbit of 2 to 13 is at most 2.7662802155507305e-5 old is 2.7662937667134124e-5.
rechecked better distance squared from orbit of 2 to 14 is at most 4.907517112142354e-9 old is 4.907547612472421e-9.
rechecked better distance squared from orbit of 2 to 15 is at most 0.32607687594584733 old is 0.326076877099649.
rechecked better distance squared from orbit of 2 to 18 is at most 1.671426098787387e-7 old is 4.0320886287048636e-7.
rechecked better distance squared from orbit of 2 to 20 is at most 1.4172158016590068e-5 old is 1.417249468891884e-5.
rechecked better distance squared from orbit of 2 to 21 is at most 1.947592630285994e-7 old is 1.9810642795323267e-7.
rechecked better distance squared from orbit of 2 to 22 is at most 0.5000000022792529 old is 0.5000000028194399.
rechecked better distance squared from orbit of 2 to 23 is at most 2.4557808469185594e-6 old is 2.457295531960824e-6.
rechecked better distance squared from orbit of 3 to 4 is at most 0.16666666962845383 old is 0.16666666984962883.
rechecked better distance squared from orbit of 3 to 9 is at most 1.800257987474434e-8 old is 1.9722253868198597e-8.
rechecked better distance squared from orbit of 3 to 10 is at most 5.173480749241928e-9 old is 5.173509552772859e-9.
rechecked better distance squared from orbit of 3 to 13 is at most 4.360071424365338e-6 old is 4.360071481425021e-6.
rechecked better distance squared from orbit of 3 to 14 is at most 7.350540857219997e-9 old is 7.433720757201747e-9.
rechecked better distance squared from orbit of 3 to 17 is at most 0.25011119980551566 old is 0.2501277599504826.
rechecked better distance squared from orbit of 3 to 20 is at most 2.422901958007077e-5 old is 2.4229019580073522e-5.
rechecked better distance squared from orbit of 3 to 21 is at most 1.1912938308354424e-7 old is 3.9919190211964444e-7.
rechecked better distance squared from orbit of 3 to 22 is at most 4.839566023576752e-8 old is 4.850924697629413e-8.
rechecked better distance squared from orbit of 3 to 23 is at most 2.046782754479001e-8 old is 2.0467835325922772e-8.
rechecked new distance squared from orbit of 4 to 4 is at most 3.31565485445439e-13 old is 6.178997771670391e-13.
rechecked new distance squared from orbit of 4 to 5 is at most 1.0000000000000164 old is 1.0000000000002869.
rechecked better distance squared from orbit of 4 to 6 is at most 0.6273220062474058 old is 0.627322006247406.
rechecked better distance squared from orbit of 4 to 7 is at most 0.20000000009971827 old is 0.20000000009977675.
rechecked better distance squared from orbit of 4 to 9 is at most 0.5000082783628345 old is 0.5000082957648556.
rechecked better distance squared from orbit of 4 to 10 is at most 1.4525405527293937e-10 old is 2.634810415920225e-10.
rechecked better distance squared from orbit of 4 to 11 is at most 0.666669392204448 old is 0.6666721605058392.
rechecked better distance squared from orbit of 4 to 13 is at most 0.16666674538717807 old is 0.16666680834971478.
rechecked better distance squared from orbit of 4 to 14 is at most 1.4028625986901122e-9 old is 1.4939695369962261e-9.
rechecked better distance squared from orbit of 4 to 15 is at most 9.245743975141394e-8 old is 9.658139519202517e-8.
rechecked better distance squared from orbit of 4 to 16 is at most 0.5000023184919129 old is 0.5000039173641811.
rechecked better distance squared from orbit of 4 to 19 is at most 1.1309432810376179e-7 old is 5.488903531577799e-7.
rechecked better distance squared from orbit of 4 to 20 is at most 0.1666667117862243 old is 0.16666671178657796.
rechecked better distance squared from orbit of 4 to 22 is at most 1.0786707253793806e-5 old is 1.0790470231772205e-5.
rechecked better distance squared from orbit of 5 to 1 is at most 0.9770023115309865 old is 0.9770023791960686.
rechecked better distance squared from orbit of 5 to 2 is at most 0.6666667021044255 old is 0.6666667023615069.
rechecked new distance squared from orbit of 5 to 5 is at most 4.269277570504112e-14 old is 5.554355843806013e-13.
rechecked better distance squared from orbit of 5 to 6 is at most 0.599339673253565 old is 0.5993396901766623.
rechecked better distance squared from orbit of 5 to 11 is at most 3.6468838386133313e-6 old is 5.3610867906407185e-6.
rechecked better distance squared from orbit of 5 to 13 is at most 0.16666791882515983 old is 0.16666798255243095.
rechecked better distance squared from orbit of 5 to 16 is at most 0.25000000360878805 old is 0.2500000047033173.
rechecked better distance squared from orbit of 5 to 18 is at most 0.2000000012197644 old is 0.20000000122053582.
rechecked better distance squared from orbit of 5 to 19 is at most 1.6229664288177732e-6 old is 1.7374351718086601e-6.
rechecked better distance squared from orbit of 5 to 20 is at most 0.16666709753269773 old is 0.16666709966791407.
rechecked better distance squared from orbit of 5 to 22 is at most 0.43280591560191733 old is 0.4328059301538463.
rechecked better distance squared from orbit of 6 to 4 is at most 0.5000000029504963 old is 0.5000000029505434.
rechecked better distance squared from orbit of 6 to 10 is at most 0.45873412464857466 old is 0.4587341246485763.
rechecked better distance squared from orbit of 6 to 13 is at most 3.589539782266763e-5 old is 4.0232162407384514e-5.
rechecked better distance squared from orbit of 6 to 15 is at most 0.41499729109128175 old is 0.41499729109128347.
rechecked new distance squared from orbit of 6 to 19 is at most 4.266142414167917e-9 old is 5.1325540254316486e-9.
rechecked better distance squared from orbit of 6 to 19 is at most 3.6569577167701624e-9 old is 4.266142414167917e-9.
rechecked better distance squared from orbit of 6 to 20 is at most 8.722253156610595e-5 old is 0.0001060795358567711.
rechecked better distance squared from orbit of 6 to 23 is at most 1.7487714564731587e-7 old is 4.3292749978242565e-7.
rechecked new distance squared from orbit of 7 to 3 is at most 0.5000000000031071 old is 0.5000000000070979.
rechecked better distance squared from orbit of 7 to 4 is at most 0.33333334802803244 old is 0.3333333698288172.
rechecked better distance squared from orbit of 7 to 5 is at most 1.0000000428236513 old is 1.0000000535677855.
rechecked better distance squared from orbit of 7 to 6 is at most 0.3333333662061935 old is 0.33333343585878794.
rechecked better distance squared from orbit of 7 to 8 is at most 0.487323074523461 old is 0.48732316407078213.
rechecked better distance squared from orbit of 7 to 13 is at most 5.619195834595338e-5 old is 6.661187614262568e-5.
rechecked better distance squared from orbit of 7 to 14 is at most 3.47322521785142e-7 old is 4.250005782199664e-7.
rechecked better distance squared from orbit of 7 to 15 is at most 0.3260768817664231 old is 0.3260768903594441.
rechecked better distance squared from orbit of 7 to 17 is at most 0.25000001851816833 old is 0.2500000219079454.
rechecked better distance squared from orbit of 7 to 19 is at most 0.00041280036521289 old is 0.0005302642529887246.
rechecked better distance squared from orbit of 7 to 20 is at most 1.1245917695699978e-5 old is 1.2430864213104924e-5.
rechecked better distance squared from orbit of 7 to 21 is at most 8.310536279409827e-9 old is 1.07366489337324e-8.
rechecked better distance squared from orbit of 7 to 22 is at most 0.5000000539547463 old is 0.5000001057114242.
rechecked better distance squared from orbit of 8 to 5 is at most 1.0000000020456765 old is 1.0000000043606199.
rechecked new distance squared from orbit of 8 to 6 is at most 0.3333333333389104 old is 0.33333333334176934.
rechecked new distance squared from orbit of 8 to 8 is at most 6.831783804321579e-14 old is 3.1292942660853836e-13.
rechecked better distance squared from orbit of 8 to 10 is at most 0.33333333478398225 old is 0.33333333510279833.
rechecked new distance squared from orbit of 8 to 12 is at most 0.5000000000032613 old is 0.5000000000051011.
rechecked better distance squared from orbit of 8 to 13 is at most 2.630324208350005e-5 old is 2.7720720658722173e-5.
rechecked better distance squared from orbit of 8 to 14 is at most 3.800495449324395e-9 old is 4.723764181146227e-9.
rechecked better distance squared from orbit of 8 to 15 is at most 0.32607687905843236 old is 0.32607687912571637.
rechecked better distance squared from orbit of 8 to 17 is at most 0.2503090626114378 old is 0.2503093827213933.
rechecked better distance squared from orbit of 8 to 19 is at most 4.454292429989167e-5 old is 4.454481017191511e-5.
rechecked better distance squared from orbit of 8 to 22 is at most 0.500000002796822 old is 0.5000000027968222.
rechecked better distance squared from orbit of 8 to 23 is at most 1.6910205678601163e-7 old is 1.4197910266484361e-6.
rechecked better distance squared from orbit of 9 to 4 is at most 0.3333333353648522 old is 0.3333333353648525.
rechecked better distance squared from orbit of 9 to 6 is at most 0.3333452210997207 old is 0.33336822786304715.
rechecked better distance squared from orbit of 9 to 7 is at most 0.6000017942928104 old is 0.600004213879696.
rechecked better distance squared from orbit of 9 to 8 is at most 0.4475311063894121 old is 0.44753157273572397.
rechecked better distance squared from orbit of 9 to 10 is at most 0.20833333898512463 old is 0.20833333898512482.
rechecked better distance squared from orbit of 9 to 12 is at most 0.5000011589012874 old is 0.5000015936665931.
rechecked better distance squared from orbit of 9 to 13 is at most 3.9091374770947404e-7 old is 1.0623115939692935e-6.
rechecked better distance squared from orbit of 9 to 14 is at most 0.33334917797277996 old is 0.3333553056125684.
rechecked better distance squared from orbit of 9 to 15 is at most 4.668014922252196e-9 old is 3.272011150594233e-8.
rechecked better distance squared from orbit of 9 to 17 is at most 0.2500363623651248 old is 0.2500528946323266.
rechecked better distance squared from orbit of 9 to 22 is at most 3.295409203774916e-8 old is 3.3955921498699066e-8.
rechecked better distance squared from orbit of 9 to 23 is at most 2.502856109910413e-8 old is 2.502856284379666e-8.
rechecked new distance squared from orbit of 10 to 1 is at most 1.0000000000000493 old is 1.0000000000007483.
rechecked better distance squared from orbit of 10 to 2 is at most 0.6666666671008369 old is 0.6666666671008371.
rechecked better distance squared from orbit of 10 to 3 is at most 0.5000000011202032 old is 0.5000000011257961.
rechecked better distance squared from orbit of 10 to 9 is at most 0.50000648619468 old is 0.500008735817819.
rechecked better distance squared from orbit of 10 to 12 is at most 0.500000001492129 old is 0.5000000015381768.
rechecked better distance squared from orbit of 10 to 14 is at most 9.017673424157965e-10 old is 3.166879682771498e-9.
rechecked better distance squared from orbit of 10 to 15 is at most 1.6525197360559062e-6 old is 2.4926875643230267e-6.
rechecked better distance squared from orbit of 10 to 16 is at most 0.5000000015321814 old is 0.5000000035035752.
rechecked better distance squared from orbit of 10 to 19 is at most 1.0103161300368236e-6 old is 1.1182321965368853e-6.
rechecked better distance squared from orbit of 10 to 20 is at most 0.16666671477345624 old is 0.16666671487562956.
rechecked better distance squared from orbit of 10 to 21 is at most 2.6272551537721396e-9 old is 2.8536567690080824e-9.
rechecked better distance squared from orbit of 10 to 22 is at most 8.46383059277098e-6 old is 1.1516081427402227e-5.
rechecked better distance squared from orbit of 10 to 23 is at most 7.277576951955456e-8 old is 7.278334152476215e-8.
rechecked better distance squared from orbit of 11 to 7 is at most 0.20000000566625187 old is 0.20000000566625722.
rechecked better distance squared from orbit of 11 to 8 is at most 0.5000000000138505 old is 0.5000000000144402.
rechecked new distance squared from orbit of 11 to 9 is at most 0.5435113756143579 old is 0.5435113756148318.
rechecked better distance squared from orbit of 11 to 13 is at most 0.16666666733488258 old is 0.16666666733610536.
rechecked better distance squared from orbit of 11 to 14 is at most 7.875855095269935e-9 old is 7.986329472594663e-9.
rechecked better distance squared from orbit of 11 to 15 is at most 0.32607687470221447 old is 0.32607687470221536.
rechecked new distance squared from orbit of 11 to 19 is at most 3.103836607683505e-10 old is 3.5597700168491997e-9.
rechecked better distance squared from orbit of 11 to 21 is at most 2.9397122018513457e-7 old is 2.9397122090028105e-7.
rechecked better distance squared from orbit of 11 to 23 is at most 1.5817915293430823e-9 old is 1.5833516128200079e-9.
rechecked new distance squared from orbit of 12 to 2 is at most 0.500000000003183 old is 0.5000000000047347.
rechecked better distance squared from orbit of 12 to 4 is at most 0.6666666962136018 old is 0.6666667022057142.
rechecked better distance squared from orbit of 12 to 7 is at most 0.5000001893967371 old is 0.5000002124648499.
rechecked better distance squared from orbit of 12 to 10 is at most 0.5000000541207785 old is 0.5000000544162753.
rechecked better distance squared from orbit of 12 to 13 is at most 0.3333335948538007 old is 0.33333360217118535.
rechecked better distance squared from orbit of 12 to 14 is at most 0.5000000258725864 old is 0.5000000489300597.
rechecked better distance squared from orbit of 12 to 15 is at most 0.645833357984888 old is 0.6458333580662908.
rechecked better distance squared from orbit of 12 to 18 is at most 2.630120771349057e-7 old is 3.44827704419166e-7.
rechecked better distance squared from orbit of 12 to 20 is at most 1.0979718825314028e-6 old is 1.1970633222408137e-6.
rechecked better distance squared from orbit of 12 to 21 is at most 8.546018602150234e-8 old is 9.266357992818519e-8.
rechecked better distance squared from orbit of 12 to 23 is at most 3.0876753872299164e-7 old is 3.087718973885913e-7.
rechecked better distance squared from orbit of 13 to 2 is at most 0.6666666819963825 old is 0.6666666819963827.
rechecked better distance squared from orbit of 13 to 3 is at most 0.8964466267782812 old is 0.8964466583632851.
rechecked better distance squared from orbit of 13 to 4 is at most 0.5000000220919438 old is 0.5000000310595044.
rechecked better distance squared from orbit of 13 to 5 is at most 1.000000001752848 old is 1.000000003621849.
rechecked better distance squared from orbit of 13 to 6 is at most 0.33333451708115214 old is 0.33333479295855734.
rechecked better distance squared from orbit of 13 to 8 is at most 0.4873226521563156 old is 0.4873226940802534.
rechecked better distance squared from orbit of 13 to 10 is at most 0.45873412437139766 old is 0.45873414044733485.
rechecked better distance squared from orbit of 13 to 15 is at most 0.41499728953377296 old is 0.41499728953581444.
rechecked better distance squared from orbit of 13 to 16 is at most 0.8672932633081284 old is 0.867293299971946.
rechecked better distance squared from orbit of 13 to 17 is at most 0.2500013196682186 old is 0.25000222558417234.
rechecked better distance squared from orbit of 13 to 18 is at most 0.200000015668829 old is 0.20000001566882905.
rechecked better distance squared from orbit of 13 to 19 is at most 2.6079207447659667e-8 old is 1.706101532821378e-7.
rechecked better distance squared from orbit of 13 to 20 is at most 7.530670432120127e-8 old is 7.710790158074996e-8.
rechecked better distance squared from orbit of 13 to 21 is at most 1.7770338193290945e-8 old is 2.7083759575971507e-8.
rechecked better distance squared from orbit of 13 to 22 is at most 0.6752404786501834 old is 0.6752404799788442.
rechecked new distance squared from orbit of 14 to 10 is at most 0.3333333333336747 old is 0.3333333333336929.
rechecked better distance squared from orbit of 14 to 13 is at most 0.16666925176735845 old is 0.16666950126734462.
rechecked better distance squared from orbit of 14 to 19 is at most 7.686917792307484e-6 old is 7.852078263044236e-6.
rechecked new distance squared from orbit of 14 to 21 is at most 4.927992458084891e-9 old is 7.175515286882254e-9.
rechecked better distance squared from orbit of 14 to 21 is at most 3.817563048304465e-10 old is 4.927992458084891e-9.
rechecked better distance squared from orbit of 14 to 23 is at most 6.001265009101547e-8 old is 6.018944844387001e-8.
rechecked better distance squared from orbit of 15 to 2 is at most 0.6666666698198398 old is 0.6666666698198407.
rechecked better distance squared from orbit of 15 to 6 is at most 0.6666666674962315 old is 0.6666666674962604.
rechecked better distance squared from orbit of 15 to 13 is at most 0.16666828509339685 old is 0.16666876946332881.
rechecked new distance squared from orbit of 15 to 15 is at most 7.994289883242816e-14 old is 1.4978729795838508e-13.
rechecked better distance squared from orbit of 15 to 16 is at most 0.5000000013630649 old is 0.5000000013654952.
rechecked better distance squared from orbit of 15 to 18 is at most 0.20000000303051063 old is 0.20000000356407002.
rechecked new distance squared from orbit of 15 to 19 is at most 5.363815465838951e-6 old is 7.5126645517381815e-6.
rechecked better distance squared from orbit of 15 to 19 is at most 2.637610812372042e-6 old is 5.363815465838951e-6.
rechecked better distance squared from orbit of 15 to 21 is at most 2.843933189194318e-9 old is 2.8525644519544194e-9.
rechecked better distance squared from orbit of 15 to 22 is at most 7.74843368400758e-10 old is 3.2139880044953293e-9.
rechecked better distance squared from orbit of 15 to 23 is at most 2.0938780346013686e-8 old is 2.0991786143972786e-8.
rechecked new distance squared from orbit of 16 to 8 is at most 0.5000000000001313 old is 0.5000000001144169.
rechecked better distance squared from orbit of 16 to 9 is at most 0.5000000250860478 old is 0.5000000305460011.
rechecked better distance squared from orbit of 16 to 10 is at most 0.3750000096695768 old is 0.3750000100787866.
rechecked new distance squared from orbit of 16 to 13 is at most 0.40551943777480154 old is 0.4055194377748304.
rechecked new distance squared from orbit of 16 to 16 is at most 3.916495316612001e-13 old is 5.927032809129082e-12.
rechecked new distance squared from orbit of 16 to 18 is at most 0.6000000000149522 old is 0.6000000003181641.
rechecked better distance squared from orbit of 16 to 20 is at most 0.16666667702460586 old is 0.16666668657583542.
rechecked better distance squared from orbit of 16 to 21 is at most 0.5000000243274227 old is 0.5000000247013434.
rechecked better distance squared from orbit of 16 to 22 is at most 1.1161545685567793e-8 old is 3.2748047952444684e-8.
rechecked better distance squared from orbit of 16 to 23 is at most 7.932211357215203e-8 old is 9.921736832530353e-8.
rechecked better distance squared from orbit of 17 to 4 is at most 0.8333333968347229 old is 0.833333427412764.
rechecked better distance squared from orbit of 17 to 10 is at most 0.500000043025703 old is 0.500000053400999.
rechecked better distance squared from orbit of 17 to 13 is at most 0.3333406086013735 old is 0.3333417818475816.
rechecked new distance squared from orbit of 17 to 17 is at most 1.156654166538431e-14 old is 6.179297924991388e-14.
rechecked better distance squared from orbit of 17 to 20 is at most 2.437165880175737e-5 old is 3.208806178694853e-5.
rechecked better distance squared from orbit of 17 to 21 is at most 0.5000000019852425 old is 0.5000000031745397.
rechecked better distance squared from orbit of 17 to 23 is at most 1.5473942688770755e-7 old is 2.9422981103079553e-7.
rechecked new distance squared from orbit of 18 to 4 is at most 0.6666669451942615 old is 0.6666669885616493.
rechecked better distance squared from orbit of 18 to 4 is at most 0.6666668302906357 old is 0.6666669451942615.
rechecked new distance squared from orbit of 18 to 5 is at most 1.3333333333343593 old is 1.3333333333387447.
rechecked better distance squared from orbit of 18 to 6 is at most 0.33333333384559066 old is 0.33333333472725574.
rechecked better distance squared from orbit of 18 to 10 is at most 0.5000103115741134 old is 0.5000104180856833.
rechecked better distance squared from orbit of 18 to 13 is at most 0.33333629870331766 old is 0.33333640020393235.
rechecked better distance squared from orbit of 18 to 14 is at most 0.5000000014292864 old is 0.5000000035556638.
rechecked better distance squared from orbit of 18 to 15 is at most 0.6458333616585448 old is 0.6458333693693721.
rechecked better distance squared from orbit of 18 to 20 is at most 1.2776994401644118e-5 old is 1.2937342179550928e-5.
rechecked better distance squared from orbit of 18 to 21 is at most 2.9998791257896504e-7 old is 3.32629958356056e-7.
rechecked better distance squared from orbit of 18 to 22 is at most 0.875008636661387 old is 0.8750086548614647.
rechecked better distance squared from orbit of 18 to 23 is at most 1.6727087405968288e-5 old is 1.6728247609268585e-5.
rechecked better distance squared from orbit of 19 to 6 is at most 0.6666666696603637 old is 0.6666666696611716.
rechecked better distance squared from orbit of 19 to 7 is at most 0.6301239762702685 old is 0.6301239793587722.
rechecked new distance squared from orbit of 19 to 19 is at most 5.138494988755186e-13 old is 1.2181830144988233e-12.
rechecked better distance squared from orbit of 19 to 21 is at most 8.680661607513714e-8 old is 1.6158962806054044e-7.
rechecked better distance squared from orbit of 20 to 4 is at most 0.8333333519350204 old is 0.8333333598487614.
rechecked new distance squared from orbit of 20 to 5 is at most 1.3333333333335389 old is 1.3333333333338326.
rechecked better distance squared from orbit of 20 to 10 is at most 0.5000002712498997 old is 0.5000002876722398.
rechecked better distance squared from orbit of 20 to 15 is at most 0.6666668396294523 old is 0.6666668739366273.
rechecked better distance squared from orbit of 20 to 16 is at most 0.8750001815469486 old is 0.8750001912677756.
rechecked better distance squared from orbit of 20 to 19 is at most 0.3333335299162674 old is 0.333333530256218.
rechecked new distance squared from orbit of 20 to 20 is at most 1.4321476864532475e-13 old is 2.41401018624766e-13.
rechecked better distance squared from orbit of 20 to 21 is at most 0.5000000339607652 old is 0.5000001070845262.
rechecked better distance squared from orbit of 20 to 22 is at most 0.8750000067230941 old is 0.8750001814034217.
rechecked new distance squared from orbit of 20 to 23 is at most 3.386591470554432e-7 old is 3.599959375719813e-7.
rechecked better distance squared from orbit of 20 to 23 is at most 2.4044216570675383e-7 old is 3.386591470554432e-7.
rechecked new distance squared from orbit of 21 to 2 is at most 0.6666666666667073 old is 0.6666666666668465.
rechecked better distance squared from orbit of 21 to 10 is at most 0.5000000034611984 old is 0.5000000037798733.
rechecked better distance squared from orbit of 21 to 16 is at most 0.8750000056643383 old is 0.8750000071372495.
rechecked new distance squared from orbit of 21 to 18 is at most 0.20000000000002138 old is 0.20000000000003018.
rechecked better distance squared from orbit of 21 to 19 is at most 0.33333333382531777 old is 0.333333333849954.
rechecked better distance squared from orbit of 21 to 20 is at most 0.16666671122304555 old is 0.16666671552771367.
rechecked better distance squared from orbit of 21 to 23 is at most 5.6649959218554675e-8 old is 5.9041243580436216e-8.
rechecked better distance squared from orbit of 22 to 2 is at most 0.9166666836928681 old is 0.9166666839452471.
rechecked new distance squared from orbit of 22 to 5 is at most 1.3333333333333932 old is 1.3333333333334034.
rechecked better distance squared from orbit of 22 to 6 is at most 0.6666666677427187 old is 0.6666666677427292.
rechecked better distance squared from orbit of 22 to 7 is at most 0.9321105343542581 old is 0.9321105348046365.
rechecked better distance squared from orbit of 22 to 8 is at most 0.5000000033858186 old is 0.5000000035952726.
rechecked better distance squared from orbit of 22 to 12 is at most 0.9500000087477115 old is 0.9500000093378514.
rechecked better distance squared from orbit of 22 to 13 is at most 0.44063351082206187 old is 0.4406335123229996.
rechecked better distance squared from orbit of 22 to 17 is at most 0.5000000027184189 old is 0.5000000027215986.
rechecked better distance squared from orbit of 22 to 18 is at most 0.6000000101747793 old is 0.6000000145003643.
rechecked better distance squared from orbit of 22 to 19 is at most 0.33333333347756255 old is 0.33333333347756267.
rechecked better distance squared from orbit of 22 to 20 is at most 0.16666666846560219 old is 0.16666666846581119.
rechecked better distance squared from orbit of 22 to 21 is at most 0.5000000061313581 old is 0.5000000061313583.
rechecked better distance squared from orbit of 22 to 23 is at most 8.631952186318468e-9 old is 2.0781808011397565e-8.
rechecked new distance squared from orbit of 23 to 18 is at most 0.6000000000011956 old is 0.6000000016317334.

The following is the calculated Hasse Diagram for nets in \(\mathbb{S}^6\).

[17]:
#P6s[13,19,:,:]=PA4i(0.5)
#D6s=distances(JordanNetsS6,P6s)
#revisedistances!(JordanNetsS6,D6s,P6s)

plot(datatograph1(D6s,3)[1],datatograph2(D6s,0.01)[1],size=(1000,500))
[17]:
../_images/GeometriesJordanNetsWebs_Degenerations_between_Jordan_Spaces_29_0.svg

We calculate degenerations for nets in \(\mathbb S^7\).

[18]:
D7s,P7s=finddistances(JordanNetsS7,50)
#save P7s

open("JNS7Ps.csv", "w") do io
           writedlm(io,P7s)
end
  0.024880 seconds (44.49 k allocations: 21.186 MiB, 57.39% gc time)
distance squared from orbit of 1 to 1 is at most 2.8143940956213166e-14. 1 tries
  1.802193 seconds (6.23 M allocations: 2.884 GiB, 18.82% gc time)
distance squared from orbit of 1 to 2 is at most 4.7390670297129574e-7. 3 tries
  0.302997 seconds (1.02 M allocations: 482.204 MiB, 18.78% gc time)
distance squared from orbit of 1 to 3 is at most 7.805776850455649e-12. 1 tries
  6.849903 seconds (21.52 M allocations: 9.958 GiB, 18.20% gc time)
distance squared from orbit of 1 to 4 is at most 0.3333333333343722. 50 tries
  4.273116 seconds (14.17 M allocations: 6.555 GiB, 18.37% gc time)
distance squared from orbit of 1 to 5 is at most 0.500000000000046. 50 tries
  8.638812 seconds (29.27 M allocations: 13.540 GiB, 18.33% gc time)
distance squared from orbit of 1 to 6 is at most 8.148479490541145e-8. 14 tries
 31.340521 seconds (103.96 M allocations: 48.095 GiB, 18.36% gc time)
distance squared from orbit of 1 to 7 is at most 3.737521804908807e-6. 50 tries
  2.581620 seconds (8.65 M allocations: 4.001 GiB, 18.29% gc time)
distance squared from orbit of 1 to 8 is at most 5.410448469651386e-7. 5 tries
  4.536337 seconds (16.45 M allocations: 7.610 GiB, 18.54% gc time)
distance squared from orbit of 1 to 9 is at most 0.2500000000004434. 50 tries
 12.184847 seconds (38.20 M allocations: 17.676 GiB, 18.02% gc time)
distance squared from orbit of 1 to 10 is at most 0.3942196641432804. 50 tries
 31.310227 seconds (102.03 M allocations: 47.200 GiB, 18.00% gc time)
distance squared from orbit of 1 to 11 is at most 8.350928642683803e-5. 50 tries
  4.627031 seconds (14.43 M allocations: 6.674 GiB, 17.83% gc time)
distance squared from orbit of 1 to 12 is at most 9.62225531811283e-7. 7 tries
 29.886453 seconds (102.45 M allocations: 47.388 GiB, 18.36% gc time)
distance squared from orbit of 1 to 13 is at most 0.16666711871675594. 50 tries
 30.770582 seconds (102.15 M allocations: 47.254 GiB, 18.44% gc time)
distance squared from orbit of 1 to 14 is at most 0.0003726112051801606. 50 tries
 21.480383 seconds (80.23 M allocations: 37.112 GiB, 18.72% gc time)
distance squared from orbit of 1 to 15 is at most 0.2500000022194745. 50 tries
  7.509177 seconds (27.33 M allocations: 12.647 GiB, 18.40% gc time)
distance squared from orbit of 1 to 16 is at most 0.4000000000000229. 50 tries
 27.498741 seconds (101.67 M allocations: 47.032 GiB, 18.62% gc time)
distance squared from orbit of 1 to 17 is at most 0.00036744372859709646. 50 tries
  9.521838 seconds (35.34 M allocations: 16.351 GiB, 18.86% gc time)
distance squared from orbit of 1 to 18 is at most 7.938912410528549e-7. 17 tries
 28.155918 seconds (104.16 M allocations: 48.187 GiB, 18.64% gc time)
distance squared from orbit of 1 to 19 is at most 8.640753862370657e-6. 50 tries
 27.176541 seconds (102.18 M allocations: 47.269 GiB, 18.65% gc time)
distance squared from orbit of 1 to 20 is at most 0.00031223105077953753. 50 tries
  3.629362 seconds (13.91 M allocations: 6.434 GiB, 18.80% gc time)
distance squared from orbit of 1 to 21 is at most 0.4000000000000103. 50 tries
  9.866944 seconds (37.47 M allocations: 17.333 GiB, 18.42% gc time)
distance squared from orbit of 1 to 22 is at most 8.55337840172618e-7. 18 tries
 26.652516 seconds (100.75 M allocations: 46.604 GiB, 18.46% gc time)
distance squared from orbit of 1 to 23 is at most 0.16666770927205513. 50 tries
 11.691102 seconds (44.51 M allocations: 20.596 GiB, 18.38% gc time)
distance squared from orbit of 1 to 24 is at most 0.21121996582310948. 50 tries
 27.410758 seconds (103.82 M allocations: 48.029 GiB, 18.37% gc time)
distance squared from orbit of 1 to 25 is at most 1.3959149443160941e-6. 50 tries
 27.623223 seconds (104.01 M allocations: 48.115 GiB, 18.29% gc time)
distance squared from orbit of 1 to 26 is at most 0.00044474303138166847. 50 tries
 28.281689 seconds (104.46 M allocations: 48.329 GiB, 18.12% gc time)
distance squared from orbit of 1 to 27 is at most 0.00021989289730720625. 50 tries

  4.690046 seconds (17.22 M allocations: 7.968 GiB, 17.91% gc time)
distance squared from orbit of 2 to 1 is at most 0.5000000601835838. 50 tries
  0.634263 seconds (2.29 M allocations: 1.060 GiB, 18.40% gc time)
distance squared from orbit of 2 to 2 is at most 7.206917790524841e-13. 3 tries
  7.995367 seconds (28.77 M allocations: 13.314 GiB, 17.74% gc time)
distance squared from orbit of 2 to 3 is at most 0.33333333333536636. 50 tries
 15.355163 seconds (55.74 M allocations: 25.782 GiB, 17.74% gc time)
distance squared from orbit of 2 to 4 is at most 0.3333333346237438. 50 tries
  9.153632 seconds (33.68 M allocations: 15.584 GiB, 17.86% gc time)
distance squared from orbit of 2 to 5 is at most 0.500000000000212. 50 tries
 28.931224 seconds (104.93 M allocations: 48.546 GiB, 17.65% gc time)
distance squared from orbit of 2 to 6 is at most 0.0001425417457495989. 50 tries
 28.166066 seconds (103.37 M allocations: 47.825 GiB, 17.94% gc time)
distance squared from orbit of 2 to 7 is at most 1.3363366098697689e-5. 50 tries
 19.147398 seconds (71.26 M allocations: 32.965 GiB, 18.06% gc time)
distance squared from orbit of 2 to 8 is at most 0.250001567276096. 50 tries
 10.446747 seconds (38.47 M allocations: 17.791 GiB, 17.95% gc time)
distance squared from orbit of 2 to 9 is at most 0.2500000016163185. 50 tries
 21.071121 seconds (77.48 M allocations: 35.841 GiB, 17.89% gc time)
distance squared from orbit of 2 to 10 is at most 0.39421966954999277. 50 tries
 28.233087 seconds (102.18 M allocations: 47.273 GiB, 17.69% gc time)
distance squared from orbit of 2 to 11 is at most 1.850992574903488e-6. 50 tries
  0.566820 seconds (2.07 M allocations: 979.981 MiB, 17.23% gc time)
distance squared from orbit of 2 to 12 is at most 1.663348421524005e-8. 1 tries
 15.551225 seconds (56.81 M allocations: 26.282 GiB, 17.75% gc time)
distance squared from orbit of 2 to 13 is at most 0.16666666666896607. 50 tries
 28.511663 seconds (103.90 M allocations: 48.064 GiB, 17.63% gc time)
distance squared from orbit of 2 to 14 is at most 0.0003906755587302728. 50 tries
 20.188485 seconds (74.00 M allocations: 34.233 GiB, 17.69% gc time)
distance squared from orbit of 2 to 15 is at most 0.25000226401921616. 50 tries
  9.009067 seconds (33.29 M allocations: 15.401 GiB, 17.91% gc time)
distance squared from orbit of 2 to 16 is at most 0.4000000000000781. 50 tries
 28.191365 seconds (103.22 M allocations: 47.751 GiB, 17.59% gc time)
distance squared from orbit of 2 to 17 is at most 0.00042695654043090487. 50 tries
 28.381345 seconds (103.88 M allocations: 48.059 GiB, 17.61% gc time)
distance squared from orbit of 2 to 18 is at most 2.417674794233547e-6. 50 tries
 28.454473 seconds (103.72 M allocations: 47.983 GiB, 17.60% gc time)
distance squared from orbit of 2 to 19 is at most 4.9930462426849286e-5. 50 tries
 28.334004 seconds (104.09 M allocations: 48.158 GiB, 17.64% gc time)
distance squared from orbit of 2 to 20 is at most 0.00031191552493080755. 50 tries
 20.039665 seconds (74.28 M allocations: 34.357 GiB, 17.66% gc time)
distance squared from orbit of 2 to 21 is at most 0.40000000223562954. 50 tries
 26.858499 seconds (104.63 M allocations: 48.408 GiB, 18.04% gc time)
distance squared from orbit of 2 to 22 is at most 1.6213807088124096e-6. 50 tries
 26.409229 seconds (101.44 M allocations: 46.926 GiB, 17.91% gc time)
distance squared from orbit of 2 to 23 is at most 0.166666671582948. 50 tries
 19.812688 seconds (75.74 M allocations: 35.042 GiB, 17.93% gc time)
distance squared from orbit of 2 to 24 is at most 0.2023893220195253. 50 tries
 27.207903 seconds (104.59 M allocations: 48.387 GiB, 17.91% gc time)
distance squared from orbit of 2 to 25 is at most 4.6590551267635266e-6. 50 tries
 27.215719 seconds (105.17 M allocations: 48.654 GiB, 17.99% gc time)
distance squared from orbit of 2 to 26 is at most 0.00023162929264318807. 50 tries
 27.121641 seconds (104.36 M allocations: 48.282 GiB, 17.85% gc time)
distance squared from orbit of 2 to 27 is at most 7.503518275235685e-6. 50 tries

  6.205042 seconds (23.85 M allocations: 11.034 GiB, 17.79% gc time)
distance squared from orbit of 3 to 1 is at most 0.5000000000000299. 50 tries
  4.449796 seconds (17.06 M allocations: 7.895 GiB, 17.91% gc time)
distance squared from orbit of 3 to 2 is at most 0.2000000000037295. 50 tries
  0.013457 seconds (60.19 k allocations: 28.517 MiB)
distance squared from orbit of 3 to 3 is at most 3.5223529778181723e-13. 1 tries
  7.419543 seconds (28.45 M allocations: 13.161 GiB, 17.74% gc time)
distance squared from orbit of 3 to 4 is at most 0.3333333333498546. 50 tries
  5.476402 seconds (20.96 M allocations: 9.701 GiB, 17.82% gc time)
distance squared from orbit of 3 to 5 is at most 0.5000000000003058. 50 tries
 15.815955 seconds (61.58 M allocations: 28.490 GiB, 17.82% gc time)
distance squared from orbit of 3 to 6 is at most 0.16666702878448095. 50 tries
 22.328024 seconds (89.77 M allocations: 41.523 GiB, 17.94% gc time)
distance squared from orbit of 3 to 7 is at most 3.527170575322729e-5. 50 tries
  1.024178 seconds (4.12 M allocations: 1.904 GiB, 18.14% gc time)
distance squared from orbit of 3 to 8 is at most 7.380034948204456e-11. 4 tries
  3.931482 seconds (15.28 M allocations: 7.071 GiB, 17.63% gc time)
distance squared from orbit of 3 to 9 is at most 0.25000000003904743. 50 tries
 13.338803 seconds (51.18 M allocations: 23.678 GiB, 17.72% gc time)
distance squared from orbit of 3 to 10 is at most 0.39421966419748256. 50 tries
  9.695089 seconds (37.15 M allocations: 17.187 GiB, 17.83% gc time)
distance squared from orbit of 3 to 11 is at most 6.601126894990639e-7. 19 tries
 13.777293 seconds (52.80 M allocations: 24.427 GiB, 17.79% gc time)
distance squared from orbit of 3 to 12 is at most 0.20000000057118705. 50 tries
  6.310066 seconds (24.13 M allocations: 11.164 GiB, 17.92% gc time)
distance squared from orbit of 3 to 13 is at most 0.16671933149237647. 50 tries
 27.112244 seconds (103.95 M allocations: 48.089 GiB, 17.77% gc time)
distance squared from orbit of 3 to 14 is at most 9.813609736224402e-5. 50 tries
 18.841140 seconds (74.55 M allocations: 34.484 GiB, 17.80% gc time)
distance squared from orbit of 3 to 15 is at most 0.25000000004115075. 50 tries
 16.245467 seconds (62.35 M allocations: 28.848 GiB, 17.74% gc time)
distance squared from orbit of 3 to 16 is at most 0.40000000000006025. 50 tries
 26.693015 seconds (102.25 M allocations: 47.301 GiB, 17.70% gc time)
distance squared from orbit of 3 to 17 is at most 0.0001376936905319114. 50 tries
 22.501718 seconds (87.68 M allocations: 40.567 GiB, 17.69% gc time)
distance squared from orbit of 3 to 18 is at most 5.866148221156106e-5. 50 tries
 27.035331 seconds (103.83 M allocations: 48.034 GiB, 17.61% gc time)
distance squared from orbit of 3 to 19 is at most 9.955414290933667e-5. 50 tries
 26.408290 seconds (101.62 M allocations: 47.009 GiB, 17.63% gc time)
distance squared from orbit of 3 to 20 is at most 7.592315713179691e-5. 50 tries
  7.773456 seconds (29.72 M allocations: 13.753 GiB, 17.62% gc time)
distance squared from orbit of 3 to 21 is at most 0.4000000000000358. 50 tries
 27.239262 seconds (104.90 M allocations: 48.531 GiB, 17.59% gc time)
distance squared from orbit of 3 to 22 is at most 3.160152534958536e-6. 50 tries
 27.324505 seconds (105.22 M allocations: 48.680 GiB, 17.63% gc time)
distance squared from orbit of 3 to 23 is at most 0.16667864580991185. 50 tries
 13.092069 seconds (50.96 M allocations: 23.575 GiB, 17.58% gc time)
distance squared from orbit of 3 to 24 is at most 0.20510246659205997. 50 tries
 26.912121 seconds (104.07 M allocations: 48.143 GiB, 17.49% gc time)
distance squared from orbit of 3 to 25 is at most 1.027198853320242e-5. 50 tries
 26.698918 seconds (104.53 M allocations: 48.360 GiB, 17.56% gc time)
distance squared from orbit of 3 to 26 is at most 0.00019614727095628774. 50 tries
 26.728347 seconds (104.71 M allocations: 48.444 GiB, 17.57% gc time)
distance squared from orbit of 3 to 27 is at most 4.6711044303272285e-6. 50 tries

  3.426531 seconds (13.27 M allocations: 6.141 GiB, 17.51% gc time)
distance squared from orbit of 4 to 1 is at most 0.5000000000002175. 50 tries
 12.122956 seconds (47.67 M allocations: 22.057 GiB, 17.53% gc time)
distance squared from orbit of 4 to 2 is at most 0.5000000353950327. 50 tries
 22.420297 seconds (87.90 M allocations: 40.654 GiB, 17.51% gc time)
distance squared from orbit of 4 to 3 is at most 0.5000000005038238. 50 tries
  0.035338 seconds (116.80 k allocations: 55.340 MiB, 28.32% gc time)
distance squared from orbit of 4 to 4 is at most 1.69348555034752e-13. 2 tries
  5.435819 seconds (21.37 M allocations: 9.890 GiB, 17.61% gc time)
distance squared from orbit of 4 to 5 is at most 0.6666686162417194. 50 tries
 27.446159 seconds (101.78 M allocations: 47.080 GiB, 20.06% gc time)
distance squared from orbit of 4 to 6 is at most 0.33333410505284267. 50 tries
 10.792963 seconds (43.33 M allocations: 20.052 GiB, 19.99% gc time)
distance squared from orbit of 4 to 7 is at most 0.5572454878309517. 50 tries
  0.498071 seconds (1.99 M allocations: 941.391 MiB, 20.25% gc time)
distance squared from orbit of 4 to 8 is at most 2.399943510470258e-7. 1 tries
  2.635608 seconds (9.90 M allocations: 4.582 GiB, 19.45% gc time)
distance squared from orbit of 4 to 9 is at most 0.2500000000004303. 50 tries
  0.248490 seconds (924.11 k allocations: 438.070 MiB, 20.31% gc time)
distance squared from orbit of 4 to 10 is at most 5.234815624435434e-12. 1 tries
 27.154339 seconds (102.73 M allocations: 47.524 GiB, 19.54% gc time)
distance squared from orbit of 4 to 11 is at most 0.3333339511341054. 50 tries
 25.287270 seconds (96.97 M allocations: 44.851 GiB, 19.57% gc time)
distance squared from orbit of 4 to 12 is at most 0.20000034723523388. 50 tries
  0.583536 seconds (2.41 M allocations: 1.116 GiB, 19.43% gc time)
distance squared from orbit of 4 to 13 is at most 3.489813157140084e-7. 2 tries
 27.166695 seconds (104.39 M allocations: 48.292 GiB, 19.53% gc time)
distance squared from orbit of 4 to 14 is at most 5.228921576876884e-6. 50 tries
  6.696088 seconds (25.27 M allocations: 11.694 GiB, 19.38% gc time)
distance squared from orbit of 4 to 15 is at most 0.250000000000014. 50 tries
  6.714470 seconds (25.68 M allocations: 11.885 GiB, 19.50% gc time)
distance squared from orbit of 4 to 16 is at most 0.7000016827447004. 50 tries
 27.293814 seconds (103.40 M allocations: 47.835 GiB, 19.32% gc time)
distance squared from orbit of 4 to 17 is at most 0.3260784564094249. 50 tries
  2.089766 seconds (8.09 M allocations: 3.744 GiB, 19.23% gc time)
distance squared from orbit of 4 to 18 is at most 6.295813137326553e-7. 4 tries
 27.462794 seconds (103.83 M allocations: 48.034 GiB, 19.25% gc time)
distance squared from orbit of 4 to 19 is at most 0.0002657372119160947. 50 tries
 26.771223 seconds (102.17 M allocations: 47.263 GiB, 19.22% gc time)
distance squared from orbit of 4 to 20 is at most 3.730956424811539e-5. 50 tries
  2.151478 seconds (8.15 M allocations: 3.772 GiB, 19.28% gc time)
distance squared from orbit of 4 to 21 is at most 0.4000000000003281. 50 tries
 26.529689 seconds (101.12 M allocations: 46.781 GiB, 19.12% gc time)
distance squared from orbit of 4 to 22 is at most 0.5000018624922389. 50 tries
  0.543590 seconds (2.06 M allocations: 976.939 MiB, 19.72% gc time)
distance squared from orbit of 4 to 23 is at most 6.758762993170398e-7. 1 tries
  9.148383 seconds (34.75 M allocations: 16.078 GiB, 19.05% gc time)
distance squared from orbit of 4 to 24 is at most 0.20105533739113451. 50 tries
 27.122999 seconds (103.75 M allocations: 47.998 GiB, 19.03% gc time)
distance squared from orbit of 4 to 25 is at most 1.8771333721754764e-6. 50 tries
 27.306261 seconds (104.36 M allocations: 48.280 GiB, 19.06% gc time)
distance squared from orbit of 4 to 26 is at most 0.00030059311779385555. 50 tries
 25.986787 seconds (104.38 M allocations: 48.289 GiB, 19.17% gc time)
distance squared from orbit of 4 to 27 is at most 0.00012553756363439317. 50 tries

  3.921179 seconds (16.27 M allocations: 7.528 GiB, 19.23% gc time)
distance squared from orbit of 5 to 1 is at most 0.6666666666667524. 50 tries
  7.585428 seconds (29.50 M allocations: 13.652 GiB, 19.08% gc time)
distance squared from orbit of 5 to 2 is at most 0.4000000000002914. 50 tries
  9.833741 seconds (37.69 M allocations: 17.440 GiB, 18.89% gc time)
distance squared from orbit of 5 to 3 is at most 0.5833333333334517. 50 tries
  4.404431 seconds (16.71 M allocations: 7.733 GiB, 18.99% gc time)
distance squared from orbit of 5 to 4 is at most 0.666666666669446. 50 tries
  0.014385 seconds (65.89 k allocations: 31.228 MiB)
distance squared from orbit of 5 to 5 is at most 1.9479150376976526e-13. 1 tries
 27.160797 seconds (103.76 M allocations: 48.003 GiB, 18.85% gc time)
distance squared from orbit of 5 to 6 is at most 0.16677340639336152. 50 tries
  2.438462 seconds (9.49 M allocations: 4.394 GiB, 18.93% gc time)
distance squared from orbit of 5 to 7 is at most 0.4021790995729492. 50 tries
  9.704723 seconds (37.30 M allocations: 17.259 GiB, 18.69% gc time)
distance squared from orbit of 5 to 8 is at most 0.5000165996930699. 50 tries
  5.130397 seconds (19.48 M allocations: 9.016 GiB, 18.83% gc time)
distance squared from orbit of 5 to 9 is at most 0.5000000000001434. 50 tries
 10.761208 seconds (41.17 M allocations: 19.049 GiB, 18.96% gc time)
distance squared from orbit of 5 to 10 is at most 0.460808308928975. 50 tries
 23.907215 seconds (92.07 M allocations: 42.593 GiB, 18.68% gc time)
distance squared from orbit of 5 to 11 is at most 0.0001315547549988315. 50 tries
 11.956606 seconds (45.63 M allocations: 21.113 GiB, 18.82% gc time)
distance squared from orbit of 5 to 12 is at most 0.4000000000008102. 50 tries
 14.484828 seconds (55.76 M allocations: 25.803 GiB, 18.68% gc time)
distance squared from orbit of 5 to 13 is at most 0.16677546720789996. 50 tries
  4.419744 seconds (16.78 M allocations: 7.767 GiB, 18.59% gc time)
distance squared from orbit of 5 to 14 is at most 0.29932317780688084. 50 tries
  6.972264 seconds (26.67 M allocations: 12.337 GiB, 18.71% gc time)
distance squared from orbit of 5 to 15 is at most 0.4768107655602449. 50 tries
  4.134104 seconds (15.97 M allocations: 7.390 GiB, 18.73% gc time)
distance squared from orbit of 5 to 16 is at most 0.2000000000016829. 50 tries
 26.561229 seconds (102.39 M allocations: 47.365 GiB, 18.60% gc time)
distance squared from orbit of 5 to 17 is at most 0.00020741243174856168. 50 tries
 26.537777 seconds (104.27 M allocations: 48.242 GiB, 18.69% gc time)
distance squared from orbit of 5 to 18 is at most 1.8503968767362432e-6. 50 tries
 27.134535 seconds (104.29 M allocations: 48.249 GiB, 18.73% gc time)
distance squared from orbit of 5 to 19 is at most 0.14285772146888634. 50 tries
 26.888601 seconds (104.50 M allocations: 48.349 GiB, 18.78% gc time)
distance squared from orbit of 5 to 20 is at most 1.168420505571088e-6. 50 tries
  7.446700 seconds (28.44 M allocations: 13.161 GiB, 18.79% gc time)
distance squared from orbit of 5 to 21 is at most 0.5600000000001714. 50 tries
 17.478438 seconds (67.19 M allocations: 31.087 GiB, 18.71% gc time)
distance squared from orbit of 5 to 22 is at most 1.3586072713425558e-6. 50 tries
 18.404364 seconds (70.24 M allocations: 32.499 GiB, 18.75% gc time)
distance squared from orbit of 5 to 23 is at most 0.16779626601156186. 50 tries
 21.661106 seconds (85.54 M allocations: 39.574 GiB, 18.83% gc time)
distance squared from orbit of 5 to 24 is at most 0.40000445853354255. 50 tries
 27.286460 seconds (104.94 M allocations: 48.551 GiB, 18.74% gc time)
distance squared from orbit of 5 to 25 is at most 9.969997063816935e-5. 50 tries
 27.218665 seconds (104.67 M allocations: 48.423 GiB, 18.61% gc time)
distance squared from orbit of 5 to 26 is at most 0.14285937586572744. 50 tries
 27.191311 seconds (104.91 M allocations: 48.536 GiB, 18.53% gc time)
distance squared from orbit of 5 to 27 is at most 1.8305959496926984e-6. 50 tries

 16.816560 seconds (65.04 M allocations: 30.094 GiB, 18.61% gc time)
distance squared from orbit of 6 to 1 is at most 0.9656655010670664. 50 tries
 25.269129 seconds (97.62 M allocations: 45.163 GiB, 18.54% gc time)
distance squared from orbit of 6 to 2 is at most 0.5000000073290595. 50 tries
 21.016119 seconds (80.95 M allocations: 37.453 GiB, 18.57% gc time)
distance squared from orbit of 6 to 3 is at most 0.6666667051158413. 50 tries
 21.035047 seconds (81.36 M allocations: 37.641 GiB, 18.41% gc time)
distance squared from orbit of 6 to 4 is at most 0.6666666714957541. 50 tries
 24.015154 seconds (93.02 M allocations: 43.038 GiB, 18.45% gc time)
distance squared from orbit of 6 to 5 is at most 0.500035137038767. 50 tries
  0.022787 seconds (69.48 k allocations: 32.925 MiB, 34.33% gc time)
distance squared from orbit of 6 to 6 is at most 1.4254386935606446e-12. 1 tries
 16.479855 seconds (63.71 M allocations: 29.480 GiB, 18.43% gc time)
distance squared from orbit of 6 to 7 is at most 0.5000450155087698. 50 tries
 25.484787 seconds (98.73 M allocations: 45.669 GiB, 18.39% gc time)
distance squared from orbit of 6 to 8 is at most 0.500002441762611. 50 tries
 18.113704 seconds (70.45 M allocations: 32.595 GiB, 18.31% gc time)
distance squared from orbit of 6 to 9 is at most 0.7268408756027565. 50 tries
 23.878989 seconds (92.23 M allocations: 42.674 GiB, 18.24% gc time)
distance squared from orbit of 6 to 10 is at most 0.460784731205184. 50 tries
  0.536969 seconds (2.12 M allocations: 1003.351 MiB, 17.36% gc time)
distance squared from orbit of 6 to 11 is at most 2.686787244106156e-7. 1 tries
 25.004108 seconds (99.70 M allocations: 46.124 GiB, 18.23% gc time)
distance squared from orbit of 6 to 12 is at most 0.40000001310406164. 50 tries
 24.652275 seconds (96.87 M allocations: 44.823 GiB, 18.14% gc time)
distance squared from orbit of 6 to 13 is at most 0.16666667635466953. 50 tries
 27.346005 seconds (106.07 M allocations: 49.078 GiB, 18.24% gc time)
distance squared from orbit of 6 to 14 is at most 0.35237724918879826. 50 tries
 21.140800 seconds (81.97 M allocations: 37.919 GiB, 18.26% gc time)
distance squared from orbit of 6 to 15 is at most 0.5000000048715286. 50 tries
 27.058304 seconds (104.99 M allocations: 48.571 GiB, 18.29% gc time)
distance squared from orbit of 6 to 16 is at most 0.4001737557589586. 50 tries
  8.107743 seconds (31.42 M allocations: 14.537 GiB, 18.35% gc time)
distance squared from orbit of 6 to 17 is at most 7.605329686152696e-7. 15 tries
  0.540926 seconds (2.12 M allocations: 1002.642 MiB, 18.07% gc time)
distance squared from orbit of 6 to 18 is at most 2.1870722712205967e-7. 1 tries
 26.918966 seconds (104.71 M allocations: 48.443 GiB, 18.13% gc time)
distance squared from orbit of 6 to 19 is at most 0.14285733001712395. 50 tries
  3.229627 seconds (12.57 M allocations: 5.814 GiB, 18.22% gc time)
distance squared from orbit of 6 to 20 is at most 4.78249754699229e-7. 6 tries
 25.221107 seconds (98.12 M allocations: 45.388 GiB, 18.14% gc time)
distance squared from orbit of 6 to 21 is at most 0.4000000024690921. 50 tries
 27.100919 seconds (105.76 M allocations: 48.932 GiB, 18.04% gc time)
distance squared from orbit of 6 to 22 is at most 5.8062241766333415e-5. 50 tries
 26.137147 seconds (101.59 M allocations: 46.998 GiB, 18.08% gc time)
distance squared from orbit of 6 to 23 is at most 0.16666667024741744. 50 tries
 25.377460 seconds (98.77 M allocations: 45.690 GiB, 18.02% gc time)
distance squared from orbit of 6 to 24 is at most 0.4000023160470167. 50 tries
  0.516915 seconds (2.05 M allocations: 970.835 MiB, 17.25% gc time)
distance squared from orbit of 6 to 25 is at most 1.2486974959020576e-8. 1 tries
 27.159744 seconds (105.56 M allocations: 48.838 GiB, 17.90% gc time)
distance squared from orbit of 6 to 26 is at most 0.1428575949754177. 50 tries
 24.544464 seconds (97.15 M allocations: 44.944 GiB, 17.89% gc time)
distance squared from orbit of 6 to 27 is at most 6.783155364472417e-7. 46 tries

  8.085532 seconds (31.72 M allocations: 14.675 GiB, 17.90% gc time)
distance squared from orbit of 7 to 1 is at most 0.965750809195094. 50 tries
  6.255707 seconds (24.65 M allocations: 11.405 GiB, 17.93% gc time)
distance squared from orbit of 7 to 2 is at most 0.6581447469112336. 50 tries
  8.687696 seconds (34.01 M allocations: 15.737 GiB, 17.91% gc time)
distance squared from orbit of 7 to 3 is at most 0.6666666668821771. 50 tries
 18.237085 seconds (71.36 M allocations: 33.016 GiB, 17.85% gc time)
distance squared from orbit of 7 to 4 is at most 0.6672132063510803. 50 tries
 14.011014 seconds (55.09 M allocations: 25.492 GiB, 17.85% gc time)
distance squared from orbit of 7 to 5 is at most 0.5000000000001166. 50 tries
 26.256549 seconds (102.83 M allocations: 47.576 GiB, 17.78% gc time)
distance squared from orbit of 7 to 6 is at most 0.16694033793526805. 50 tries
  0.157512 seconds (622.66 k allocations: 295.061 MiB, 16.98% gc time)
distance squared from orbit of 7 to 7 is at most 2.7682962667153666e-13. 2 tries
 25.574506 seconds (100.46 M allocations: 46.476 GiB, 17.76% gc time)
distance squared from orbit of 7 to 8 is at most 0.4573530652113512. 50 tries
 10.906789 seconds (43.92 M allocations: 20.317 GiB, 17.72% gc time)
distance squared from orbit of 7 to 9 is at most 0.750002001507617. 50 tries
 24.513035 seconds (97.01 M allocations: 44.875 GiB, 17.83% gc time)
distance squared from orbit of 7 to 10 is at most 0.47197405589179087. 50 tries
 26.542564 seconds (103.62 M allocations: 47.940 GiB, 17.46% gc time)
distance squared from orbit of 7 to 11 is at most 0.0003164591535334058. 50 tries
 15.229641 seconds (57.00 M allocations: 26.372 GiB, 16.96% gc time)
distance squared from orbit of 7 to 12 is at most 0.4000273511887505. 50 tries
  7.188990 seconds (25.77 M allocations: 11.924 GiB, 16.79% gc time)
distance squared from orbit of 7 to 13 is at most 0.3333333385874029. 50 tries
 28.149032 seconds (105.68 M allocations: 48.897 GiB, 16.93% gc time)
distance squared from orbit of 7 to 14 is at most 1.4710941048008673e-5. 50 tries
 22.003261 seconds (82.78 M allocations: 38.298 GiB, 16.91% gc time)
distance squared from orbit of 7 to 15 is at most 0.3341689293955073. 50 tries
 15.113970 seconds (58.84 M allocations: 27.223 GiB, 17.40% gc time)
distance squared from orbit of 7 to 16 is at most 0.4000000000000576. 50 tries
 27.461151 seconds (104.63 M allocations: 48.407 GiB, 17.11% gc time)
distance squared from orbit of 7 to 17 is at most 1.263027595839269e-6. 50 tries
 27.268856 seconds (104.22 M allocations: 48.216 GiB, 17.15% gc time)
distance squared from orbit of 7 to 18 is at most 0.14287523465596075. 50 tries
 27.211635 seconds (103.86 M allocations: 48.051 GiB, 16.98% gc time)
distance squared from orbit of 7 to 19 is at most 4.6786606460233565e-6. 50 tries
 27.801922 seconds (104.06 M allocations: 48.142 GiB, 16.68% gc time)
distance squared from orbit of 7 to 20 is at most 0.00036452536926646613. 50 tries
 26.204849 seconds (98.17 M allocations: 45.409 GiB, 16.66% gc time)
distance squared from orbit of 7 to 21 is at most 0.40024849027647497. 50 tries
  0.549345 seconds (2.08 M allocations: 983.701 MiB, 16.08% gc time)
distance squared from orbit of 7 to 22 is at most 4.0395610234185855e-7. 1 tries
 26.720553 seconds (100.72 M allocations: 46.588 GiB, 16.69% gc time)
distance squared from orbit of 7 to 23 is at most 0.16704960052435328. 50 tries
 27.509508 seconds (104.22 M allocations: 48.212 GiB, 16.88% gc time)
distance squared from orbit of 7 to 24 is at most 0.20051249941186536. 50 tries
 26.421455 seconds (99.07 M allocations: 45.829 GiB, 16.59% gc time)
distance squared from orbit of 7 to 25 is at most 0.000348225454484231. 50 tries
 28.023742 seconds (104.92 M allocations: 48.539 GiB, 16.53% gc time)
distance squared from orbit of 7 to 26 is at most 1.3595408774010883e-5. 50 tries
 27.037474 seconds (102.77 M allocations: 47.545 GiB, 16.71% gc time)
distance squared from orbit of 7 to 27 is at most 1.6116919434028126e-5. 50 tries

  3.109879 seconds (11.85 M allocations: 5.483 GiB, 17.02% gc time)
distance squared from orbit of 8 to 1 is at most 0.5000000000000856. 50 tries
  7.624489 seconds (28.84 M allocations: 13.341 GiB, 16.56% gc time)
distance squared from orbit of 8 to 2 is at most 0.5000005450292522. 50 tries
 14.847273 seconds (56.75 M allocations: 26.252 GiB, 16.83% gc time)
distance squared from orbit of 8 to 3 is at most 0.5000000000000409. 50 tries
  2.857877 seconds (10.87 M allocations: 5.030 GiB, 16.73% gc time)
distance squared from orbit of 8 to 4 is at most 0.33333333333335075. 50 tries
  5.005099 seconds (18.98 M allocations: 8.782 GiB, 16.64% gc time)
distance squared from orbit of 8 to 5 is at most 0.7187500000006197. 50 tries
 27.114321 seconds (103.49 M allocations: 47.879 GiB, 16.69% gc time)
distance squared from orbit of 8 to 6 is at most 0.33333469488461986. 50 tries
  7.933539 seconds (30.26 M allocations: 14.006 GiB, 16.82% gc time)
distance squared from orbit of 8 to 7 is at most 0.5941322384156831. 50 tries
  0.014434 seconds (65.18 k allocations: 30.890 MiB)
distance squared from orbit of 8 to 8 is at most 1.1343903069217088e-12. 1 tries
  4.039418 seconds (13.47 M allocations: 6.231 GiB, 25.76% gc time)
distance squared from orbit of 8 to 9 is at most 0.25000000000004585. 50 tries
  4.034227 seconds (14.70 M allocations: 6.803 GiB, 19.40% gc time)
distance squared from orbit of 8 to 10 is at most 0.39421966414260984. 50 tries
 27.719875 seconds (100.49 M allocations: 46.486 GiB, 19.45% gc time)
distance squared from orbit of 8 to 11 is at most 0.33333498896412356. 50 tries
 17.425178 seconds (63.20 M allocations: 29.234 GiB, 19.37% gc time)
distance squared from orbit of 8 to 12 is at most 0.20000000000018708. 50 tries
 12.853776 seconds (46.33 M allocations: 21.435 GiB, 19.33% gc time)
distance squared from orbit of 8 to 13 is at most 0.16666720871693394. 50 tries
 28.981047 seconds (101.72 M allocations: 47.051 GiB, 19.11% gc time)
distance squared from orbit of 8 to 14 is at most 2.7021844120461495e-5. 50 tries
  8.281726 seconds (29.91 M allocations: 13.838 GiB, 19.26% gc time)
distance squared from orbit of 8 to 15 is at most 0.25000000000201095. 50 tries
  7.412645 seconds (27.11 M allocations: 12.544 GiB, 19.34% gc time)
distance squared from orbit of 8 to 16 is at most 0.8000000000002945. 50 tries
 28.640436 seconds (104.13 M allocations: 48.175 GiB, 19.27% gc time)
distance squared from orbit of 8 to 17 is at most 0.3260805082740401. 50 tries
 12.177702 seconds (44.30 M allocations: 20.493 GiB, 19.25% gc time)
distance squared from orbit of 8 to 18 is at most 6.06350248588218e-7. 23 tries
 29.583780 seconds (103.61 M allocations: 47.930 GiB, 18.98% gc time)
distance squared from orbit of 8 to 19 is at most 0.0001400925454269904. 50 tries
 30.582513 seconds (103.91 M allocations: 48.074 GiB, 18.89% gc time)
distance squared from orbit of 8 to 20 is at most 1.5817583094188067e-6. 50 tries
  4.848277 seconds (17.01 M allocations: 7.870 GiB, 19.03% gc time)
distance squared from orbit of 8 to 21 is at most 0.40000000000043157. 50 tries
 29.868445 seconds (103.60 M allocations: 47.927 GiB, 18.70% gc time)
distance squared from orbit of 8 to 22 is at most 0.5000008984852868. 50 tries
 18.469470 seconds (68.04 M allocations: 31.476 GiB, 18.95% gc time)
distance squared from orbit of 8 to 23 is at most 0.1666680786297943. 50 tries
 15.869424 seconds (55.84 M allocations: 25.833 GiB, 18.69% gc time)
distance squared from orbit of 8 to 24 is at most 0.20643622130016534. 50 tries
 27.982808 seconds (104.38 M allocations: 48.289 GiB, 19.00% gc time)
distance squared from orbit of 8 to 25 is at most 2.313516512584589e-6. 50 tries
 27.361073 seconds (105.22 M allocations: 48.677 GiB, 19.17% gc time)
distance squared from orbit of 8 to 26 is at most 0.0002165076757744574. 50 tries
 30.700533 seconds (104.63 M allocations: 48.407 GiB, 18.58% gc time)
distance squared from orbit of 8 to 27 is at most 5.114882964073646e-6. 50 tries

  2.961819 seconds (8.76 M allocations: 4.053 GiB, 16.13% gc time)
distance squared from orbit of 9 to 1 is at most 0.5000000000001593. 50 tries
 24.198943 seconds (73.24 M allocations: 33.885 GiB, 17.68% gc time)
distance squared from orbit of 9 to 2 is at most 0.50000020740378. 50 tries
 15.709485 seconds (57.56 M allocations: 26.630 GiB, 18.55% gc time)
distance squared from orbit of 9 to 3 is at most 0.5669872981090082. 50 tries
  3.764879 seconds (14.47 M allocations: 6.698 GiB, 19.01% gc time)
distance squared from orbit of 9 to 4 is at most 0.3333333333333543. 50 tries
  3.124933 seconds (10.40 M allocations: 4.812 GiB, 16.66% gc time)
distance squared from orbit of 9 to 5 is at most 0.6666666666668035. 50 tries
 33.151630 seconds (86.39 M allocations: 39.963 GiB, 16.42% gc time)
distance squared from orbit of 9 to 6 is at most 0.3333335519650089. 50 tries
  7.305532 seconds (22.30 M allocations: 10.321 GiB, 17.10% gc time)
distance squared from orbit of 9 to 7 is at most 0.5494262597416593. 50 tries
 21.923187 seconds (57.36 M allocations: 26.534 GiB, 16.49% gc time)
distance squared from orbit of 9 to 8 is at most 0.25000062794329564. 50 tries
  1.426439 seconds (5.31 M allocations: 2.456 GiB, 18.86% gc time)
distance squared from orbit of 9 to 9 is at most 1.0162201993057261e-13. 32 tries
 12.744352 seconds (46.17 M allocations: 21.359 GiB, 18.54% gc time)
distance squared from orbit of 9 to 10 is at most 0.33333333340210947. 50 tries
 28.973592 seconds (103.38 M allocations: 47.824 GiB, 19.11% gc time)
distance squared from orbit of 9 to 11 is at most 0.3333335728668139. 50 tries
  1.825778 seconds (6.14 M allocations: 2.838 GiB, 18.33% gc time)
distance squared from orbit of 9 to 12 is at most 3.627459783330791e-7. 4 tries
  1.831587 seconds (6.44 M allocations: 2.977 GiB, 18.07% gc time)
distance squared from orbit of 9 to 13 is at most 8.205210976586141e-7. 7 tries
 30.200225 seconds (103.79 M allocations: 48.015 GiB, 18.21% gc time)
distance squared from orbit of 9 to 14 is at most 0.25008800443359147. 50 tries
  0.572745 seconds (2.03 M allocations: 963.184 MiB, 18.71% gc time)
distance squared from orbit of 9 to 15 is at most 1.5626980557001169e-7. 2 tries
  4.995786 seconds (17.75 M allocations: 8.214 GiB, 18.12% gc time)
distance squared from orbit of 9 to 16 is at most 0.6665527338479017. 50 tries
 27.657323 seconds (104.36 M allocations: 48.282 GiB, 18.54% gc time)
distance squared from orbit of 9 to 17 is at most 0.32607727590922786. 50 tries
  1.903828 seconds (6.71 M allocations: 3.104 GiB, 18.10% gc time)
distance squared from orbit of 9 to 18 is at most 8.380347914419087e-7. 4 tries
 29.552899 seconds (103.13 M allocations: 47.708 GiB, 18.15% gc time)
distance squared from orbit of 9 to 19 is at most 0.00020692670696793178. 50 tries
 29.263070 seconds (103.27 M allocations: 47.771 GiB, 18.14% gc time)
distance squared from orbit of 9 to 20 is at most 0.00015347763063687313. 50 tries
  3.359490 seconds (12.69 M allocations: 5.872 GiB, 18.68% gc time)
distance squared from orbit of 9 to 21 is at most 0.20000000000012713. 50 tries
 28.813744 seconds (103.96 M allocations: 48.094 GiB, 18.42% gc time)
distance squared from orbit of 9 to 22 is at most 0.5000004716709037. 50 tries
  5.573076 seconds (20.53 M allocations: 9.498 GiB, 18.73% gc time)
distance squared from orbit of 9 to 23 is at most 9.616406833534977e-7. 11 tries
 11.543382 seconds (43.41 M allocations: 20.087 GiB, 18.59% gc time)
distance squared from orbit of 9 to 24 is at most 0.20000000000016405. 50 tries
 29.741837 seconds (104.36 M allocations: 48.280 GiB, 18.29% gc time)
distance squared from orbit of 9 to 25 is at most 1.5841012458733496e-6. 50 tries
 29.283830 seconds (104.56 M allocations: 48.374 GiB, 18.18% gc time)
distance squared from orbit of 9 to 26 is at most 0.00022158840544416112. 50 tries
 30.211139 seconds (103.97 M allocations: 48.101 GiB, 17.94% gc time)
distance squared from orbit of 9 to 27 is at most 7.450473630159455e-5. 50 tries

  4.516494 seconds (15.08 M allocations: 6.975 GiB, 17.67% gc time)
distance squared from orbit of 10 to 1 is at most 0.6666666667160943. 50 tries
 15.219926 seconds (52.31 M allocations: 24.200 GiB, 17.85% gc time)
distance squared from orbit of 10 to 2 is at most 0.5000000015327628. 50 tries
  6.664938 seconds (21.99 M allocations: 10.174 GiB, 17.66% gc time)
distance squared from orbit of 10 to 3 is at most 0.6666666666673273. 50 tries
 11.473752 seconds (41.01 M allocations: 18.972 GiB, 18.01% gc time)
distance squared from orbit of 10 to 4 is at most 0.5000000000000194. 50 tries
 11.118298 seconds (38.88 M allocations: 17.990 GiB, 17.89% gc time)
distance squared from orbit of 10 to 5 is at most 0.6666666666756451. 50 tries
 26.237035 seconds (100.09 M allocations: 46.301 GiB, 18.39% gc time)
distance squared from orbit of 10 to 6 is at most 0.33333706503559646. 50 tries
  8.459181 seconds (27.23 M allocations: 12.602 GiB, 17.46% gc time)
distance squared from orbit of 10 to 7 is at most 0.5588006533942114. 50 tries
 11.030794 seconds (37.87 M allocations: 17.520 GiB, 17.76% gc time)
distance squared from orbit of 10 to 8 is at most 0.48652147143479696. 50 tries
  5.115649 seconds (17.75 M allocations: 8.214 GiB, 17.83% gc time)
distance squared from orbit of 10 to 9 is at most 0.5000000000056746. 50 tries
  0.669451 seconds (2.36 M allocations: 1.090 GiB, 17.68% gc time)
distance squared from orbit of 10 to 10 is at most 1.2999355279435612e-13. 3 tries
 28.854682 seconds (101.05 M allocations: 46.748 GiB, 17.97% gc time)
distance squared from orbit of 10 to 11 is at most 0.3333365197032112. 50 tries
 25.838623 seconds (98.10 M allocations: 45.383 GiB, 18.32% gc time)
distance squared from orbit of 10 to 12 is at most 0.4000058448779489. 50 tries
  0.672174 seconds (2.53 M allocations: 1.170 GiB, 18.69% gc time)
distance squared from orbit of 10 to 13 is at most 1.4204618059276604e-10. 5 tries
 27.764545 seconds (103.17 M allocations: 47.727 GiB, 18.16% gc time)
distance squared from orbit of 10 to 14 is at most 0.0001335380686589406. 50 tries
 13.498458 seconds (49.72 M allocations: 23.005 GiB, 18.18% gc time)
distance squared from orbit of 10 to 15 is at most 0.33334115263219355. 50 tries
  9.398169 seconds (33.84 M allocations: 15.658 GiB, 18.02% gc time)
distance squared from orbit of 10 to 16 is at most 0.7000000000322955. 50 tries
 29.052623 seconds (103.13 M allocations: 47.718 GiB, 17.87% gc time)
distance squared from orbit of 10 to 17 is at most 0.3260827945349805. 50 tries
 28.941235 seconds (101.01 M allocations: 46.727 GiB, 17.70% gc time)
distance squared from orbit of 10 to 18 is at most 3.741276907243004e-6. 50 tries
 29.178406 seconds (101.98 M allocations: 47.178 GiB, 17.91% gc time)
distance squared from orbit of 10 to 19 is at most 0.00015499658637500342. 50 tries
 26.042744 seconds (93.82 M allocations: 43.403 GiB, 17.81% gc time)
distance squared from orbit of 10 to 20 is at most 0.00046491331215565605. 50 tries
 11.678403 seconds (42.44 M allocations: 19.634 GiB, 17.87% gc time)
distance squared from orbit of 10 to 21 is at most 0.20000000003043522. 50 tries
 27.308017 seconds (104.00 M allocations: 48.114 GiB, 18.34% gc time)
distance squared from orbit of 10 to 22 is at most 0.5000028926686826. 50 tries
  0.943517 seconds (3.57 M allocations: 1.654 GiB, 17.89% gc time)
distance squared from orbit of 10 to 23 is at most 1.943331398265633e-10. 2 tries
 12.408616 seconds (47.10 M allocations: 21.792 GiB, 18.15% gc time)
distance squared from orbit of 10 to 24 is at most 0.20000008817164525. 50 tries
 27.496953 seconds (104.70 M allocations: 48.438 GiB, 18.14% gc time)
distance squared from orbit of 10 to 25 is at most 3.974033574189082e-6. 50 tries
 27.257139 seconds (103.90 M allocations: 48.067 GiB, 18.11% gc time)
distance squared from orbit of 10 to 26 is at most 2.593119713740453e-5. 50 tries
 27.222820 seconds (103.84 M allocations: 48.041 GiB, 18.15% gc time)
distance squared from orbit of 10 to 27 is at most 0.00011879476687348792. 50 tries

 10.556138 seconds (40.36 M allocations: 18.675 GiB, 18.15% gc time)
distance squared from orbit of 11 to 1 is at most 0.9656654775749461. 50 tries
 12.078690 seconds (45.96 M allocations: 21.267 GiB, 18.00% gc time)
distance squared from orbit of 11 to 2 is at most 0.5000000675766444. 50 tries
 15.796797 seconds (60.03 M allocations: 27.778 GiB, 18.04% gc time)
distance squared from orbit of 11 to 3 is at most 0.6666668021018932. 50 tries
 13.756259 seconds (52.41 M allocations: 24.245 GiB, 17.90% gc time)
distance squared from orbit of 11 to 4 is at most 0.6666671730709346. 50 tries
 24.550581 seconds (92.67 M allocations: 42.875 GiB, 17.81% gc time)
distance squared from orbit of 11 to 5 is at most 0.5000000067626225. 50 tries
  2.321080 seconds (8.94 M allocations: 4.135 GiB, 17.47% gc time)
distance squared from orbit of 11 to 6 is at most 0.16666666666674113. 50 tries
 30.623346 seconds (104.49 M allocations: 48.343 GiB, 16.72% gc time)
distance squared from orbit of 11 to 7 is at most 0.5000168471779197. 50 tries
 26.730955 seconds (98.27 M allocations: 45.464 GiB, 17.60% gc time)
distance squared from orbit of 11 to 8 is at most 0.5000002170686592. 50 tries
 13.744389 seconds (49.56 M allocations: 22.928 GiB, 17.47% gc time)
distance squared from orbit of 11 to 9 is at most 0.7268409429801785. 50 tries
 15.059107 seconds (56.41 M allocations: 26.100 GiB, 17.76% gc time)
distance squared from orbit of 11 to 10 is at most 0.460784766899273. 50 tries
  0.018761 seconds (89.50 k allocations: 42.417 MiB)
distance squared from orbit of 11 to 11 is at most 4.595068364263424e-13. 1 tries
 25.284216 seconds (89.99 M allocations: 41.633 GiB, 17.40% gc time)
distance squared from orbit of 11 to 12 is at most 0.40000001924218953. 50 tries
 14.707140 seconds (50.77 M allocations: 23.487 GiB, 17.45% gc time)
distance squared from orbit of 11 to 13 is at most 0.16666679187421402. 50 tries
 20.259820 seconds (78.62 M allocations: 36.379 GiB, 17.66% gc time)
distance squared from orbit of 11 to 14 is at most 0.3523805396127157. 50 tries
 16.393541 seconds (63.57 M allocations: 29.412 GiB, 17.73% gc time)
distance squared from orbit of 11 to 15 is at most 0.5000000009940508. 50 tries
 26.664861 seconds (102.34 M allocations: 47.349 GiB, 17.82% gc time)
distance squared from orbit of 11 to 16 is at most 0.4000000832701194. 50 tries
 18.854756 seconds (72.96 M allocations: 33.754 GiB, 17.72% gc time)
distance squared from orbit of 11 to 17 is at most 1.1476213308831052e-6. 50 tries
  1.076345 seconds (4.18 M allocations: 1.936 GiB, 17.57% gc time)
distance squared from orbit of 11 to 18 is at most 3.1807084935053145e-7. 2 tries
 29.040376 seconds (103.53 M allocations: 47.895 GiB, 17.34% gc time)
distance squared from orbit of 11 to 19 is at most 0.14285764945558704. 50 tries
 29.026779 seconds (104.67 M allocations: 48.425 GiB, 17.28% gc time)
distance squared from orbit of 11 to 20 is at most 1.3610424828204714e-6. 50 tries
 24.920541 seconds (92.45 M allocations: 42.772 GiB, 17.43% gc time)
distance squared from orbit of 11 to 21 is at most 0.40000030187178515. 50 tries
 27.265000 seconds (105.73 M allocations: 48.918 GiB, 17.63% gc time)
distance squared from orbit of 11 to 22 is at most 1.235564730351733e-5. 50 tries
 27.229692 seconds (103.85 M allocations: 48.046 GiB, 17.57% gc time)
distance squared from orbit of 11 to 23 is at most 0.1666670423896691. 50 tries
 21.821213 seconds (81.25 M allocations: 37.588 GiB, 17.38% gc time)
distance squared from orbit of 11 to 24 is at most 0.400000024519607. 50 tries
  6.278484 seconds (23.18 M allocations: 10.724 GiB, 17.36% gc time)
distance squared from orbit of 11 to 25 is at most 7.599419494807388e-7. 11 tries
 27.778000 seconds (104.93 M allocations: 48.546 GiB, 17.44% gc time)
distance squared from orbit of 11 to 26 is at most 0.1428571562857499. 50 tries
  0.555436 seconds (2.08 M allocations: 986.736 MiB, 16.44% gc time)
distance squared from orbit of 11 to 27 is at most 2.4085920933492915e-8. 1 tries

  1.727838 seconds (6.11 M allocations: 2.829 GiB, 17.33% gc time)
distance squared from orbit of 12 to 1 is at most 0.5000000000000222. 50 tries
  7.972845 seconds (29.85 M allocations: 13.812 GiB, 17.56% gc time)
distance squared from orbit of 12 to 2 is at most 0.5000000000000526. 50 tries
 11.335739 seconds (40.83 M allocations: 18.892 GiB, 17.27% gc time)
distance squared from orbit of 12 to 3 is at most 0.5669872981079116. 50 tries
  3.743936 seconds (13.39 M allocations: 6.198 GiB, 16.98% gc time)
distance squared from orbit of 12 to 4 is at most 0.33333333333337867. 50 tries
  3.745633 seconds (14.23 M allocations: 6.586 GiB, 17.56% gc time)
distance squared from orbit of 12 to 5 is at most 0.7500000000002189. 50 tries
 20.194822 seconds (75.04 M allocations: 34.718 GiB, 17.31% gc time)
distance squared from orbit of 12 to 6 is at most 0.3333338359033596. 50 tries
 13.172110 seconds (50.61 M allocations: 23.420 GiB, 17.34% gc time)
distance squared from orbit of 12 to 7 is at most 0.574427077456487. 50 tries
 14.033320 seconds (54.09 M allocations: 25.018 GiB, 17.58% gc time)
distance squared from orbit of 12 to 8 is at most 0.2500001573519962. 50 tries
  2.905439 seconds (11.20 M allocations: 5.184 GiB, 17.65% gc time)
distance squared from orbit of 12 to 9 is at most 0.2500000000000293. 50 tries
  3.005022 seconds (11.58 M allocations: 5.357 GiB, 17.30% gc time)
distance squared from orbit of 12 to 10 is at most 0.394219664142602. 50 tries
 26.998552 seconds (102.96 M allocations: 47.637 GiB, 17.33% gc time)
distance squared from orbit of 12 to 11 is at most 0.33333390787683137. 50 tries
  2.720153 seconds (10.02 M allocations: 4.633 GiB, 16.88% gc time)
distance squared from orbit of 12 to 12 is at most 1.4055459779151946e-12. 6 tries
 15.204541 seconds (55.46 M allocations: 25.657 GiB, 17.18% gc time)
distance squared from orbit of 12 to 13 is at most 0.16666685980954538. 50 tries
 26.987317 seconds (100.35 M allocations: 46.419 GiB, 17.10% gc time)
distance squared from orbit of 12 to 14 is at most 0.2500423638177051. 50 tries
 15.461802 seconds (59.12 M allocations: 27.349 GiB, 17.20% gc time)
distance squared from orbit of 12 to 15 is at most 0.2500002812521955. 50 tries
  9.018813 seconds (35.30 M allocations: 16.334 GiB, 17.31% gc time)
distance squared from orbit of 12 to 16 is at most 0.6800000000002708. 50 tries
 27.226207 seconds (104.97 M allocations: 48.568 GiB, 17.30% gc time)
distance squared from orbit of 12 to 17 is at most 0.3260776262585117. 50 tries
  5.530439 seconds (19.87 M allocations: 9.191 GiB, 16.73% gc time)
distance squared from orbit of 12 to 18 is at most 9.84594644457221e-7. 12 tries
 28.320041 seconds (102.11 M allocations: 47.235 GiB, 16.94% gc time)
distance squared from orbit of 12 to 19 is at most 6.792441490591883e-5. 50 tries
 29.781758 seconds (104.06 M allocations: 48.143 GiB, 16.63% gc time)
distance squared from orbit of 12 to 20 is at most 0.0015028219113744526. 50 tries
  2.496820 seconds (7.76 M allocations: 3.593 GiB, 16.11% gc time)
distance squared from orbit of 12 to 21 is at most 0.4000000000000575. 50 tries
 29.102539 seconds (104.33 M allocations: 48.267 GiB, 20.26% gc time)
distance squared from orbit of 12 to 22 is at most 0.5000004393227095. 50 tries
 19.040265 seconds (69.76 M allocations: 32.270 GiB, 19.64% gc time)
distance squared from orbit of 12 to 23 is at most 0.16666666666693666. 50 tries
 10.379824 seconds (37.91 M allocations: 17.541 GiB, 19.62% gc time)
distance squared from orbit of 12 to 24 is at most 0.20472442739582336. 50 tries
 28.496179 seconds (104.59 M allocations: 48.389 GiB, 19.55% gc time)
distance squared from orbit of 12 to 25 is at most 2.6347902930353763e-6. 50 tries
 28.528423 seconds (106.03 M allocations: 49.055 GiB, 19.65% gc time)
distance squared from orbit of 12 to 26 is at most 0.00017821694368675138. 50 tries
 29.872675 seconds (104.98 M allocations: 48.567 GiB, 19.38% gc time)
distance squared from orbit of 12 to 27 is at most 1.2316670853102038e-5. 50 tries

 10.251832 seconds (34.61 M allocations: 16.011 GiB, 18.94% gc time)
distance squared from orbit of 13 to 1 is at most 0.6666666666668133. 50 tries
 12.671713 seconds (44.58 M allocations: 20.625 GiB, 19.10% gc time)
distance squared from orbit of 13 to 2 is at most 0.5000000000056285. 50 tries
 10.068993 seconds (32.67 M allocations: 15.117 GiB, 18.72% gc time)
distance squared from orbit of 13 to 3 is at most 0.6666666666672385. 50 tries
 14.984132 seconds (51.09 M allocations: 23.627 GiB, 18.85% gc time)
distance squared from orbit of 13 to 4 is at most 0.6273220037501249. 50 tries
 10.689727 seconds (33.70 M allocations: 15.592 GiB, 18.70% gc time)
distance squared from orbit of 13 to 5 is at most 0.6666666666669774. 50 tries
 25.562757 seconds (89.66 M allocations: 41.480 GiB, 18.89% gc time)
distance squared from orbit of 13 to 6 is at most 0.33333407108394236. 50 tries
  2.463836 seconds (8.81 M allocations: 4.076 GiB, 18.88% gc time)
distance squared from orbit of 13 to 7 is at most 0.5609503356752914. 50 tries
 20.271169 seconds (71.63 M allocations: 33.140 GiB, 18.85% gc time)
distance squared from orbit of 13 to 8 is at most 0.48651951039500657. 50 tries
 12.088974 seconds (43.14 M allocations: 19.958 GiB, 18.83% gc time)
distance squared from orbit of 13 to 9 is at most 0.5000000000001109. 50 tries
 17.554191 seconds (62.56 M allocations: 28.943 GiB, 18.78% gc time)
distance squared from orbit of 13 to 10 is at most 0.33333333333340814. 50 tries
 29.285632 seconds (104.64 M allocations: 48.409 GiB, 18.72% gc time)
distance squared from orbit of 13 to 11 is at most 0.33333438266905774. 50 tries
 24.687138 seconds (87.97 M allocations: 40.690 GiB, 18.65% gc time)
distance squared from orbit of 13 to 12 is at most 0.40000010433417926. 50 tries
  0.015678 seconds (70.18 k allocations: 33.263 MiB)
distance squared from orbit of 13 to 13 is at most 1.4547037682119705e-12. 1 tries
 30.082097 seconds (100.46 M allocations: 46.477 GiB, 18.45% gc time)
distance squared from orbit of 13 to 14 is at most 0.2501408277584667. 50 tries
 21.005924 seconds (62.98 M allocations: 29.134 GiB, 18.42% gc time)
distance squared from orbit of 13 to 15 is at most 0.33333349125856765. 50 tries
 11.392570 seconds (33.99 M allocations: 15.729 GiB, 18.38% gc time)
distance squared from orbit of 13 to 16 is at most 0.7000000000004797. 50 tries
 35.718416 seconds (105.20 M allocations: 48.673 GiB, 18.18% gc time)
distance squared from orbit of 13 to 17 is at most 0.3260778430985924. 50 tries
 14.002194 seconds (39.41 M allocations: 18.233 GiB, 17.93% gc time)
distance squared from orbit of 13 to 18 is at most 6.70577031519286e-7. 20 tries
 36.916782 seconds (102.83 M allocations: 47.570 GiB, 17.95% gc time)
distance squared from orbit of 13 to 19 is at most 0.00013169016679439327. 50 tries
 34.938504 seconds (104.24 M allocations: 48.226 GiB, 18.30% gc time)
distance squared from orbit of 13 to 20 is at most 0.0013380421314302356. 50 tries
 20.690029 seconds (52.35 M allocations: 24.216 GiB, 17.62% gc time)
distance squared from orbit of 13 to 21 is at most 0.20000000147282754. 50 tries
 39.261454 seconds (105.23 M allocations: 48.683 GiB, 17.56% gc time)
distance squared from orbit of 13 to 22 is at most 0.5000009608537564. 50 tries
  0.716748 seconds (1.98 M allocations: 939.010 MiB, 16.82% gc time)
distance squared from orbit of 13 to 23 is at most 3.613115657003716e-9. 1 tries
 26.084837 seconds (73.51 M allocations: 34.007 GiB, 17.72% gc time)
distance squared from orbit of 13 to 24 is at most 0.20000008120173104. 50 tries
 23.871180 seconds (66.90 M allocations: 30.953 GiB, 17.63% gc time)
distance squared from orbit of 13 to 25 is at most 4.825120953945364e-7. 32 tries
 38.631237 seconds (105.90 M allocations: 48.997 GiB, 17.61% gc time)
distance squared from orbit of 13 to 26 is at most 2.916569317815408e-5. 50 tries
 38.669593 seconds (104.29 M allocations: 48.249 GiB, 17.35% gc time)
distance squared from orbit of 13 to 27 is at most 0.00012852355615701453. 50 tries

  9.868911 seconds (27.95 M allocations: 12.930 GiB, 17.65% gc time)
distance squared from orbit of 14 to 1 is at most 1.0000000000000768. 50 tries
 14.067227 seconds (39.54 M allocations: 18.297 GiB, 17.46% gc time)
distance squared from orbit of 14 to 2 is at most 0.5000000308592726. 50 tries
 12.971384 seconds (36.17 M allocations: 16.736 GiB, 17.33% gc time)
distance squared from orbit of 14 to 3 is at most 0.6666666666667155. 50 tries
 19.891783 seconds (55.58 M allocations: 25.726 GiB, 17.51% gc time)
distance squared from orbit of 14 to 4 is at most 0.6666676241545804. 50 tries
 33.371309 seconds (95.56 M allocations: 44.211 GiB, 17.52% gc time)
distance squared from orbit of 14 to 5 is at most 0.7500002842699722. 50 tries
 22.753138 seconds (62.77 M allocations: 29.043 GiB, 17.35% gc time)
distance squared from orbit of 14 to 6 is at most 0.3333335823463945. 50 tries
 26.549663 seconds (76.68 M allocations: 35.477 GiB, 17.53% gc time)
distance squared from orbit of 14 to 7 is at most 0.605466805398357. 50 tries
 33.459122 seconds (93.05 M allocations: 43.047 GiB, 17.33% gc time)
distance squared from orbit of 14 to 8 is at most 0.4865505027031861. 50 tries
 23.832403 seconds (61.81 M allocations: 28.600 GiB, 16.77% gc time)
distance squared from orbit of 14 to 9 is at most 0.7268408375253317. 50 tries
 34.956718 seconds (94.92 M allocations: 43.932 GiB, 17.20% gc time)
distance squared from orbit of 14 to 10 is at most 0.4607847497730677. 50 tries
 35.045413 seconds (89.76 M allocations: 41.533 GiB, 16.57% gc time)
distance squared from orbit of 14 to 11 is at most 0.333333977708501. 50 tries
 38.418134 seconds (99.53 M allocations: 46.040 GiB, 16.78% gc time)
distance squared from orbit of 14 to 12 is at most 0.4000860788803925. 50 tries
 29.290310 seconds (79.05 M allocations: 36.589 GiB, 17.25% gc time)
distance squared from orbit of 14 to 13 is at most 0.16666670501096717. 50 tries
  0.024491 seconds (70.89 k allocations: 33.601 MiB)
distance squared from orbit of 14 to 14 is at most 8.009804883804076e-13. 1 tries
 34.642495 seconds (95.90 M allocations: 44.365 GiB, 17.17% gc time)
distance squared from orbit of 14 to 15 is at most 0.5000011254048706. 50 tries
  8.096959 seconds (21.67 M allocations: 10.027 GiB, 16.94% gc time)
distance squared from orbit of 14 to 16 is at most 0.800000000000152. 50 tries
 36.368138 seconds (99.97 M allocations: 46.256 GiB, 17.05% gc time)
distance squared from orbit of 14 to 17 is at most 0.3260774909408134. 50 tries
  5.664293 seconds (15.23 M allocations: 7.048 GiB, 16.74% gc time)
distance squared from orbit of 14 to 18 is at most 8.589828039503053e-7. 13 tries
  0.761016 seconds (2.11 M allocations: 999.266 MiB, 17.13% gc time)
distance squared from orbit of 14 to 19 is at most 7.23677262424707e-7. 1 tries
 38.155350 seconds (103.97 M allocations: 48.099 GiB, 16.82% gc time)
distance squared from orbit of 14 to 20 is at most 2.7703186720002404e-5. 50 tries
 22.211821 seconds (56.79 M allocations: 26.278 GiB, 16.39% gc time)
distance squared from orbit of 14 to 21 is at most 0.4000000940194731. 50 tries
 32.424902 seconds (88.20 M allocations: 40.812 GiB, 16.93% gc time)
distance squared from orbit of 14 to 22 is at most 0.5000003481361103. 50 tries
 37.970057 seconds (102.06 M allocations: 47.219 GiB, 16.80% gc time)
distance squared from orbit of 14 to 23 is at most 0.16666691853069346. 50 tries
 18.982574 seconds (51.10 M allocations: 23.639 GiB, 16.58% gc time)
distance squared from orbit of 14 to 24 is at most 0.2001726770740916. 50 tries
 38.739275 seconds (104.63 M allocations: 48.410 GiB, 16.80% gc time)
distance squared from orbit of 14 to 25 is at most 1.221372786969346e-6. 50 tries
 13.023875 seconds (35.54 M allocations: 16.441 GiB, 16.90% gc time)
distance squared from orbit of 14 to 26 is at most 6.606043966159685e-7. 18 tries
 36.626210 seconds (102.24 M allocations: 47.301 GiB, 16.93% gc time)
distance squared from orbit of 14 to 27 is at most 9.196021435595674e-6. 50 tries

  4.866803 seconds (13.49 M allocations: 6.244 GiB, 16.89% gc time)
distance squared from orbit of 15 to 1 is at most 0.8964466094928326. 50 tries
 11.686292 seconds (31.01 M allocations: 14.349 GiB, 16.66% gc time)
distance squared from orbit of 15 to 2 is at most 0.7692257017757711. 50 tries
 13.756518 seconds (35.98 M allocations: 16.648 GiB, 16.45% gc time)
distance squared from orbit of 15 to 3 is at most 0.6473671297244358. 50 tries
  8.097566 seconds (16.06 M allocations: 7.430 GiB, 15.06% gc time)
distance squared from orbit of 15 to 4 is at most 0.666666666666749. 50 tries
  6.540937 seconds (13.30 M allocations: 6.155 GiB, 15.14% gc time)
distance squared from orbit of 15 to 5 is at most 0.806283837161994. 50 tries
 40.077092 seconds (104.68 M allocations: 48.431 GiB, 16.30% gc time)
distance squared from orbit of 15 to 6 is at most 0.500000289568463. 50 tries
 40.775239 seconds (104.74 M allocations: 48.456 GiB, 16.25% gc time)
distance squared from orbit of 15 to 7 is at most 0.6606500560504187. 50 tries
 10.733165 seconds (28.64 M allocations: 13.251 GiB, 16.56% gc time)
distance squared from orbit of 15 to 8 is at most 0.2500000000002711. 50 tries
  5.483850 seconds (14.77 M allocations: 6.834 GiB, 16.36% gc time)
distance squared from orbit of 15 to 9 is at most 0.5000000000000145. 50 tries
  7.829100 seconds (21.64 M allocations: 10.013 GiB, 16.52% gc time)
distance squared from orbit of 15 to 10 is at most 0.7113248654052632. 50 tries
 36.978834 seconds (103.69 M allocations: 47.969 GiB, 16.47% gc time)
distance squared from orbit of 15 to 11 is at most 0.4587348501075406. 50 tries
 23.045578 seconds (59.58 M allocations: 27.566 GiB, 16.03% gc time)
distance squared from orbit of 15 to 12 is at most 0.40000000000028285. 50 tries
  6.489343 seconds (17.11 M allocations: 7.917 GiB, 16.16% gc time)
distance squared from orbit of 15 to 13 is at most 0.5929535825587424. 50 tries
 36.816167 seconds (96.98 M allocations: 44.867 GiB, 16.30% gc time)
distance squared from orbit of 15 to 14 is at most 0.2500408702528596. 50 tries
  0.029806 seconds (63.73 k allocations: 30.210 MiB, 35.66% gc time)
distance squared from orbit of 15 to 15 is at most 3.8396114956714096e-14. 1 tries
 10.887727 seconds (26.36 M allocations: 12.198 GiB, 15.47% gc time)
distance squared from orbit of 15 to 16 is at most 0.8534387353709587. 50 tries
 39.802017 seconds (104.77 M allocations: 48.472 GiB, 16.16% gc time)
distance squared from orbit of 15 to 17 is at most 0.41499770085894705. 50 tries
 24.708265 seconds (65.53 M allocations: 30.315 GiB, 16.16% gc time)
distance squared from orbit of 15 to 18 is at most 0.48384604060668723. 50 tries
 39.677904 seconds (104.00 M allocations: 48.113 GiB, 16.16% gc time)
distance squared from orbit of 15 to 19 is at most 8.896104882139321e-5. 50 tries
  1.568906 seconds (4.14 M allocations: 1.917 GiB, 15.62% gc time)
distance squared from orbit of 15 to 20 is at most 6.453630671211461e-7. 2 tries
  8.232971 seconds (20.31 M allocations: 9.398 GiB, 15.76% gc time)
distance squared from orbit of 15 to 21 is at most 0.20000000000006235. 50 tries
 40.757623 seconds (104.17 M allocations: 48.193 GiB, 15.92% gc time)
distance squared from orbit of 15 to 22 is at most 0.6752407509666554. 50 tries
 23.745437 seconds (62.08 M allocations: 28.719 GiB, 16.08% gc time)
distance squared from orbit of 15 to 23 is at most 0.16666689102718332. 50 tries
 22.870236 seconds (61.46 M allocations: 28.436 GiB, 16.17% gc time)
distance squared from orbit of 15 to 24 is at most 0.20000000000017318. 50 tries
 40.120707 seconds (104.93 M allocations: 48.543 GiB, 16.01% gc time)
distance squared from orbit of 15 to 25 is at most 2.5452125986484096e-6. 50 tries
 39.464695 seconds (105.50 M allocations: 48.807 GiB, 16.01% gc time)
distance squared from orbit of 15 to 26 is at most 0.0001571628786448057. 50 tries
 39.308647 seconds (103.76 M allocations: 48.003 GiB, 16.07% gc time)
distance squared from orbit of 15 to 27 is at most 1.179155506353581e-6. 50 tries

  3.756454 seconds (9.96 M allocations: 4.609 GiB, 15.93% gc time)
distance squared from orbit of 16 to 1 is at most 1.000000000000068. 50 tries
  5.920985 seconds (15.88 M allocations: 7.348 GiB, 16.32% gc time)
distance squared from orbit of 16 to 2 is at most 0.6000000000012072. 50 tries
  9.215700 seconds (24.18 M allocations: 11.187 GiB, 15.84% gc time)
distance squared from orbit of 16 to 3 is at most 0.5000000000000384. 50 tries
  7.200994 seconds (19.01 M allocations: 8.796 GiB, 16.17% gc time)
distance squared from orbit of 16 to 4 is at most 0.8888888888890311. 50 tries
  4.719809 seconds (12.56 M allocations: 5.813 GiB, 15.78% gc time)
distance squared from orbit of 16 to 5 is at most 0.33333333333743037. 50 tries
  8.507104 seconds (22.79 M allocations: 10.547 GiB, 16.28% gc time)
distance squared from orbit of 16 to 6 is at most 0.6666675990648894. 50 tries
 39.243144 seconds (105.07 M allocations: 48.614 GiB, 15.94% gc time)
distance squared from orbit of 16 to 7 is at most 0.5000007827618808. 50 tries
 10.824946 seconds (27.81 M allocations: 12.867 GiB, 15.39% gc time)
distance squared from orbit of 16 to 8 is at most 0.5000000000002398. 50 tries
  8.141809 seconds (21.83 M allocations: 10.103 GiB, 15.35% gc time)
distance squared from orbit of 16 to 9 is at most 0.9375000000026696. 50 tries
  4.952764 seconds (13.13 M allocations: 6.077 GiB, 15.84% gc time)
distance squared from orbit of 16 to 10 is at most 0.9239074288061877. 50 tries
 39.176726 seconds (97.57 M allocations: 45.144 GiB, 15.06% gc time)
distance squared from orbit of 16 to 11 is at most 0.375000510093986. 50 tries
 10.767574 seconds (26.40 M allocations: 12.217 GiB, 15.12% gc time)
distance squared from orbit of 16 to 12 is at most 0.6000000000064633. 50 tries
 10.274039 seconds (25.54 M allocations: 11.817 GiB, 15.22% gc time)
distance squared from orbit of 16 to 13 is at most 0.6666666666691661. 50 tries
  4.721336 seconds (11.50 M allocations: 5.321 GiB, 15.53% gc time)
distance squared from orbit of 16 to 14 is at most 0.5529582073577366. 50 tries
 10.809698 seconds (26.79 M allocations: 12.397 GiB, 15.59% gc time)
distance squared from orbit of 16 to 15 is at most 0.5660880769416338. 50 tries
  0.091414 seconds (224.80 k allocations: 106.536 MiB, 16.79% gc time)
distance squared from orbit of 16 to 16 is at most 2.087065364191889e-13. 2 tries
 35.164718 seconds (85.90 M allocations: 39.747 GiB, 15.62% gc time)
distance squared from orbit of 16 to 17 is at most 0.3333342639670397. 50 tries
 19.019639 seconds (43.60 M allocations: 20.177 GiB, 15.22% gc time)
distance squared from orbit of 16 to 18 is at most 0.7142857142865391. 50 tries
  8.390632 seconds (19.16 M allocations: 8.866 GiB, 15.82% gc time)
distance squared from orbit of 16 to 19 is at most 0.40970296308438264. 50 tries
 42.419366 seconds (104.63 M allocations: 48.409 GiB, 15.02% gc time)
distance squared from orbit of 16 to 20 is at most 0.3333353667438409. 50 tries
  9.149282 seconds (22.70 M allocations: 10.505 GiB, 14.69% gc time)
distance squared from orbit of 16 to 21 is at most 0.8540207561978264. 50 tries
  3.148752 seconds (7.76 M allocations: 3.589 GiB, 15.25% gc time)
distance squared from orbit of 16 to 22 is at most 6.371313431564292e-7. 7 tries
 19.263136 seconds (49.15 M allocations: 22.741 GiB, 15.12% gc time)
distance squared from orbit of 16 to 23 is at most 0.6666666666668132. 50 tries
  6.757701 seconds (17.53 M allocations: 8.111 GiB, 15.43% gc time)
distance squared from orbit of 16 to 24 is at most 0.39726443732950906. 50 tries
 22.887605 seconds (47.07 M allocations: 21.779 GiB, 14.28% gc time)
distance squared from orbit of 16 to 25 is at most 0.500007812163765. 50 tries
 41.810656 seconds (104.64 M allocations: 48.411 GiB, 14.68% gc time)
distance squared from orbit of 16 to 26 is at most 0.14285720517019726. 50 tries
 38.576301 seconds (101.14 M allocations: 46.790 GiB, 14.79% gc time)
distance squared from orbit of 16 to 27 is at most 3.1819785362965833e-6. 50 tries

 13.952798 seconds (38.44 M allocations: 17.781 GiB, 15.29% gc time)
distance squared from orbit of 17 to 1 is at most 1.0000000000007017. 50 tries
  7.834915 seconds (21.41 M allocations: 9.904 GiB, 15.45% gc time)
distance squared from orbit of 17 to 2 is at most 0.807549910270205. 50 tries
 16.904358 seconds (45.15 M allocations: 20.893 GiB, 15.60% gc time)
distance squared from orbit of 17 to 3 is at most 0.9078048539038761. 50 tries
 28.079226 seconds (75.63 M allocations: 34.989 GiB, 15.48% gc time)
distance squared from orbit of 17 to 4 is at most 0.6666678300960925. 50 tries
 28.435254 seconds (76.29 M allocations: 35.300 GiB, 15.18% gc time)
distance squared from orbit of 17 to 5 is at most 0.500000000567791. 50 tries
  1.988673 seconds (5.19 M allocations: 2.401 GiB, 15.06% gc time)
distance squared from orbit of 17 to 6 is at most 0.3333333333335324. 50 tries
 41.324945 seconds (104.10 M allocations: 48.166 GiB, 14.98% gc time)
distance squared from orbit of 17 to 7 is at most 0.5000000640379387. 50 tries
 36.540740 seconds (96.52 M allocations: 44.648 GiB, 15.01% gc time)
distance squared from orbit of 17 to 8 is at most 0.5000001822252076. 50 tries
 22.188762 seconds (58.37 M allocations: 27.002 GiB, 14.90% gc time)
distance squared from orbit of 17 to 9 is at most 0.7500007170827269. 50 tries
 22.310952 seconds (59.34 M allocations: 27.452 GiB, 15.05% gc time)
distance squared from orbit of 17 to 10 is at most 0.7275542039827162. 50 tries
  2.361186 seconds (5.94 M allocations: 2.750 GiB, 14.70% gc time)
distance squared from orbit of 17 to 11 is at most 0.20833333333342846. 50 tries
 37.920239 seconds (94.45 M allocations: 43.698 GiB, 16.83% gc time)
distance squared from orbit of 17 to 12 is at most 0.5000008406002721. 50 tries
 25.907269 seconds (68.90 M allocations: 31.875 GiB, 18.67% gc time)
distance squared from orbit of 17 to 13 is at most 0.5833333333335727. 50 tries
  7.001707 seconds (20.64 M allocations: 9.551 GiB, 19.01% gc time)
distance squared from orbit of 17 to 14 is at most 0.35358904945503555. 50 tries
 20.675276 seconds (54.83 M allocations: 25.364 GiB, 18.40% gc time)
distance squared from orbit of 17 to 15 is at most 0.5833362809999534. 50 tries
 38.501109 seconds (98.15 M allocations: 45.411 GiB, 18.10% gc time)
distance squared from orbit of 17 to 16 is at most 0.4000000064121565. 50 tries
  0.347257 seconds (861.87 k allocations: 408.416 MiB, 17.93% gc time)
distance squared from orbit of 17 to 17 is at most 1.6519752119275584e-12. 5 tries
 12.013669 seconds (30.59 M allocations: 14.152 GiB, 18.18% gc time)
distance squared from orbit of 17 to 18 is at most 0.41666666666687474. 50 tries
 39.141433 seconds (105.11 M allocations: 48.631 GiB, 18.34% gc time)
distance squared from orbit of 17 to 19 is at most 0.14286252357548077. 50 tries
 38.555910 seconds (104.42 M allocations: 48.309 GiB, 18.26% gc time)
distance squared from orbit of 17 to 20 is at most 6.397895702854957e-6. 50 tries
 29.956854 seconds (79.93 M allocations: 36.977 GiB, 18.13% gc time)
distance squared from orbit of 17 to 21 is at most 0.40000050723038166. 50 tries
  2.349038 seconds (6.37 M allocations: 2.947 GiB, 18.26% gc time)
distance squared from orbit of 17 to 22 is at most 9.750836732961828e-7. 3 tries
 36.064311 seconds (102.06 M allocations: 47.219 GiB, 18.32% gc time)
distance squared from orbit of 17 to 23 is at most 0.16666729282721915. 50 tries
 30.383565 seconds (80.88 M allocations: 37.415 GiB, 18.02% gc time)
distance squared from orbit of 17 to 24 is at most 0.4000000738446258. 50 tries
 39.699228 seconds (104.78 M allocations: 48.477 GiB, 17.91% gc time)
distance squared from orbit of 17 to 25 is at most 1.7858696746781515e-6. 50 tries
 39.036852 seconds (102.44 M allocations: 47.393 GiB, 17.81% gc time)
distance squared from orbit of 17 to 26 is at most 0.1428573840705767. 50 tries
 21.250342 seconds (54.81 M allocations: 25.360 GiB, 17.68% gc time)
distance squared from orbit of 17 to 27 is at most 3.78833898929077e-7. 27 tries

 16.707538 seconds (40.80 M allocations: 18.871 GiB, 17.25% gc time)
distance squared from orbit of 18 to 1 is at most 0.9656654756058254. 50 tries
  8.856627 seconds (22.08 M allocations: 10.219 GiB, 17.27% gc time)
distance squared from orbit of 18 to 2 is at most 0.5000000000001644. 50 tries
  7.000065 seconds (17.21 M allocations: 7.962 GiB, 17.08% gc time)
distance squared from orbit of 18 to 3 is at most 0.666666666671239. 50 tries
 22.805343 seconds (56.81 M allocations: 26.278 GiB, 17.43% gc time)
distance squared from orbit of 18 to 4 is at most 0.6666666706541337. 50 tries
  7.716568 seconds (20.12 M allocations: 9.307 GiB, 17.65% gc time)
distance squared from orbit of 18 to 5 is at most 0.7500000000002028. 50 tries
  1.477129 seconds (3.92 M allocations: 1.813 GiB, 17.79% gc time)
distance squared from orbit of 18 to 6 is at most 0.3333333333333851. 50 tries
  3.080476 seconds (7.93 M allocations: 3.672 GiB, 17.73% gc time)
distance squared from orbit of 18 to 7 is at most 0.6054643041586888. 50 tries
 25.771364 seconds (66.60 M allocations: 30.809 GiB, 17.59% gc time)
distance squared from orbit of 18 to 8 is at most 0.5000009538810276. 50 tries
 18.676579 seconds (48.17 M allocations: 22.283 GiB, 17.58% gc time)
distance squared from orbit of 18 to 9 is at most 0.7268408058052478. 50 tries
 18.715194 seconds (48.77 M allocations: 22.565 GiB, 17.50% gc time)
distance squared from orbit of 18 to 10 is at most 0.46078472443212115. 50 tries
  7.359386 seconds (19.02 M allocations: 8.799 GiB, 17.50% gc time)
distance squared from orbit of 18 to 11 is at most 0.3333333333334648. 50 tries
 24.624947 seconds (62.89 M allocations: 29.093 GiB, 17.37% gc time)
distance squared from orbit of 18 to 12 is at most 0.40000000000013763. 50 tries
 26.284508 seconds (65.85 M allocations: 30.466 GiB, 17.21% gc time)
distance squared from orbit of 18 to 13 is at most 0.16666666666682453. 50 tries
 20.079705 seconds (50.90 M allocations: 23.549 GiB, 17.21% gc time)
distance squared from orbit of 18 to 14 is at most 0.3523818116314326. 50 tries
 17.252057 seconds (47.89 M allocations: 22.156 GiB, 17.71% gc time)
distance squared from orbit of 18 to 15 is at most 0.500000000000154. 50 tries
 12.865038 seconds (33.60 M allocations: 15.547 GiB, 17.32% gc time)
distance squared from orbit of 18 to 16 is at most 0.800000000007334. 50 tries
  2.670733 seconds (6.70 M allocations: 3.103 GiB, 17.38% gc time)
distance squared from orbit of 18 to 17 is at most 0.32607687371707106. 50 tries
  0.022879 seconds (62.33 k allocations: 29.534 MiB)
distance squared from orbit of 18 to 18 is at most 1.3026862443528937e-12. 1 tries
 40.324173 seconds (103.33 M allocations: 47.799 GiB, 17.29% gc time)
distance squared from orbit of 18 to 19 is at most 0.142871239099267. 50 tries
 42.828465 seconds (101.79 M allocations: 47.092 GiB, 16.64% gc time)
distance squared from orbit of 18 to 20 is at most 1.1327787210726066e-5. 50 tries
 24.856007 seconds (66.13 M allocations: 30.589 GiB, 17.23% gc time)
distance squared from orbit of 18 to 21 is at most 0.4000000011321646. 50 tries
  2.850010 seconds (7.21 M allocations: 3.336 GiB, 16.88% gc time)
distance squared from orbit of 18 to 22 is at most 0.500000000000104. 50 tries
 37.133703 seconds (97.04 M allocations: 44.894 GiB, 17.20% gc time)
distance squared from orbit of 18 to 23 is at most 0.16666666960961546. 50 tries
 22.936203 seconds (59.23 M allocations: 27.401 GiB, 17.20% gc time)
distance squared from orbit of 18 to 24 is at most 0.4000012916451674. 50 tries
  0.784109 seconds (2.09 M allocations: 991.138 MiB, 16.94% gc time)
distance squared from orbit of 18 to 25 is at most 2.2542424581964638e-8. 1 tries
 40.385182 seconds (105.67 M allocations: 48.888 GiB, 17.11% gc time)
distance squared from orbit of 18 to 26 is at most 0.14285847807506027. 50 tries
 42.798870 seconds (105.80 M allocations: 48.950 GiB, 16.65% gc time)
distance squared from orbit of 18 to 27 is at most 1.6852438882707318e-6. 50 tries

 30.378275 seconds (79.19 M allocations: 36.633 GiB, 17.20% gc time)
distance squared from orbit of 19 to 1 is at most 0.9656654787732917. 50 tries
 27.817428 seconds (73.21 M allocations: 33.870 GiB, 17.20% gc time)
distance squared from orbit of 19 to 2 is at most 0.7692257052321999. 50 tries
 18.496147 seconds (48.31 M allocations: 22.352 GiB, 17.08% gc time)
distance squared from orbit of 19 to 3 is at most 0.945712162295899. 50 tries
 26.653394 seconds (69.11 M allocations: 31.980 GiB, 17.10% gc time)
distance squared from orbit of 19 to 4 is at most 0.6666667671993534. 50 tries
 33.847507 seconds (89.19 M allocations: 41.266 GiB, 16.96% gc time)
distance squared from orbit of 19 to 5 is at most 0.8285249821027831. 50 tries
 37.595056 seconds (105.14 M allocations: 48.645 GiB, 17.10% gc time)
distance squared from orbit of 19 to 6 is at most 0.5000006275276936. 50 tries
 12.912196 seconds (33.78 M allocations: 15.633 GiB, 16.84% gc time)
distance squared from orbit of 19 to 7 is at most 0.6611185183610793. 50 tries
 26.190880 seconds (67.77 M allocations: 31.352 GiB, 17.00% gc time)
distance squared from orbit of 19 to 8 is at most 0.4865189739360442. 50 tries
 13.721093 seconds (38.83 M allocations: 17.969 GiB, 17.02% gc time)
distance squared from orbit of 19 to 9 is at most 0.7500000000001447. 50 tries
 31.997677 seconds (88.74 M allocations: 41.063 GiB, 17.00% gc time)
distance squared from orbit of 19 to 10 is at most 0.7275530212949703. 50 tries
 39.679019 seconds (104.50 M allocations: 48.349 GiB, 16.83% gc time)
distance squared from orbit of 19 to 11 is at most 0.4587352502309134. 50 tries
 34.517367 seconds (91.50 M allocations: 42.328 GiB, 16.75% gc time)
distance squared from orbit of 19 to 12 is at most 0.40000000327445356. 50 tries
 27.668681 seconds (73.56 M allocations: 34.039 GiB, 16.74% gc time)
distance squared from orbit of 19 to 13 is at most 0.6145184472614486. 50 tries
  6.555880 seconds (17.19 M allocations: 7.952 GiB, 16.85% gc time)
distance squared from orbit of 19 to 14 is at most 0.2500000000000806. 50 tries
 27.660290 seconds (72.97 M allocations: 33.754 GiB, 16.81% gc time)
distance squared from orbit of 19 to 15 is at most 0.3334064953056072. 50 tries
 13.502795 seconds (35.60 M allocations: 16.473 GiB, 16.82% gc time)
distance squared from orbit of 19 to 16 is at most 0.8750040127330613. 50 tries
 40.741086 seconds (105.43 M allocations: 48.778 GiB, 16.53% gc time)
distance squared from orbit of 19 to 17 is at most 0.4149981207879089. 50 tries
 37.405775 seconds (97.75 M allocations: 45.223 GiB, 16.64% gc time)
distance squared from orbit of 19 to 18 is at most 0.5000007083702281. 50 tries
  0.040869 seconds (122.43 k allocations: 58.016 MiB)
distance squared from orbit of 19 to 19 is at most 7.987535608287634e-13. 1 tries
 21.277405 seconds (54.82 M allocations: 25.362 GiB, 16.49% gc time)
distance squared from orbit of 19 to 20 is at most 7.246916594675523e-7. 26 tries
 16.832716 seconds (45.73 M allocations: 21.179 GiB, 16.72% gc time)
distance squared from orbit of 19 to 21 is at most 0.40000005246270715. 50 tries
 38.080544 seconds (105.33 M allocations: 48.734 GiB, 16.83% gc time)
distance squared from orbit of 19 to 22 is at most 0.6752413585987581. 50 tries
 18.655712 seconds (49.59 M allocations: 22.963 GiB, 16.42% gc time)
distance squared from orbit of 19 to 23 is at most 0.1666667237341603. 50 tries
 32.420392 seconds (92.18 M allocations: 42.648 GiB, 16.57% gc time)
distance squared from orbit of 19 to 24 is at most 0.20003145517115023. 50 tries
  3.657610 seconds (10.97 M allocations: 5.076 GiB, 17.13% gc time)
distance squared from orbit of 19 to 25 is at most 4.431671039716268e-7. 8 tries
  6.732152 seconds (18.91 M allocations: 8.750 GiB, 16.57% gc time)
distance squared from orbit of 19 to 26 is at most 3.769987491983651e-7. 9 tries
 39.033830 seconds (102.92 M allocations: 47.618 GiB, 16.47% gc time)
distance squared from orbit of 19 to 27 is at most 1.9008265974862912e-6. 50 tries

 31.236702 seconds (81.55 M allocations: 37.722 GiB, 16.45% gc time)
distance squared from orbit of 20 to 1 is at most 1.0000000000204396. 50 tries
 13.221306 seconds (34.79 M allocations: 16.097 GiB, 16.45% gc time)
distance squared from orbit of 20 to 2 is at most 0.8964466094068897. 50 tries
 14.746724 seconds (38.83 M allocations: 17.969 GiB, 16.51% gc time)
distance squared from orbit of 20 to 3 is at most 0.965665475619419. 50 tries
 25.737607 seconds (66.93 M allocations: 30.970 GiB, 16.25% gc time)
distance squared from orbit of 20 to 4 is at most 0.6666667014110746. 50 tries
  4.987103 seconds (13.27 M allocations: 6.142 GiB, 16.56% gc time)
distance squared from orbit of 20 to 5 is at most 0.8672932564790735. 50 tries
  3.206842 seconds (8.42 M allocations: 3.895 GiB, 16.53% gc time)
distance squared from orbit of 20 to 6 is at most 0.5000000000001285. 50 tries
  2.736949 seconds (7.13 M allocations: 3.300 GiB, 16.28% gc time)
distance squared from orbit of 20 to 7 is at most 0.7049876882149518. 50 tries
 28.122533 seconds (74.49 M allocations: 34.462 GiB, 16.50% gc time)
distance squared from orbit of 20 to 8 is at most 0.5000003508622973. 50 tries
 19.722937 seconds (52.41 M allocations: 24.250 GiB, 16.35% gc time)
distance squared from orbit of 20 to 9 is at most 0.7500000491079883. 50 tries
 32.525151 seconds (87.07 M allocations: 40.293 GiB, 16.47% gc time)
distance squared from orbit of 20 to 10 is at most 0.7275530567425718. 50 tries
 14.187790 seconds (38.31 M allocations: 17.727 GiB, 16.45% gc time)
distance squared from orbit of 20 to 11 is at most 0.45873412263480484. 50 tries
 19.897939 seconds (52.08 M allocations: 24.095 GiB, 16.28% gc time)
distance squared from orbit of 20 to 12 is at most 0.5000000399376234. 50 tries
 24.774037 seconds (58.74 M allocations: 27.183 GiB, 16.04% gc time)
distance squared from orbit of 20 to 13 is at most 0.6145184180835792. 50 tries
  6.538799 seconds (16.48 M allocations: 7.627 GiB, 15.80% gc time)
distance squared from orbit of 20 to 14 is at most 0.3588307783100731. 50 tries
 10.443254 seconds (27.15 M allocations: 12.561 GiB, 16.44% gc time)
distance squared from orbit of 20 to 15 is at most 0.5833333837915388. 50 tries
 17.384663 seconds (46.34 M allocations: 21.446 GiB, 16.25% gc time)
distance squared from orbit of 20 to 16 is at most 0.8748399336009769. 50 tries
  2.445600 seconds (6.42 M allocations: 2.971 GiB, 15.98% gc time)
distance squared from orbit of 20 to 17 is at most 0.414997287835605. 50 tries
 19.471145 seconds (51.32 M allocations: 23.745 GiB, 16.27% gc time)
distance squared from orbit of 20 to 18 is at most 0.500000031662764. 50 tries
  7.218148 seconds (19.11 M allocations: 8.844 GiB, 16.15% gc time)
distance squared from orbit of 20 to 19 is at most 0.14285714285737597. 50 tries
  0.828182 seconds (2.20 M allocations: 1.019 GiB, 16.69% gc time)
distance squared from orbit of 20 to 20 is at most 6.305206063495516e-13. 2 tries
 26.419358 seconds (70.30 M allocations: 32.556 GiB, 16.16% gc time)
distance squared from orbit of 20 to 21 is at most 0.4000000177020901. 50 tries
  2.819953 seconds (7.14 M allocations: 3.303 GiB, 16.23% gc time)
distance squared from orbit of 20 to 22 is at most 0.6752404735809641. 50 tries
 33.380454 seconds (89.29 M allocations: 41.314 GiB, 16.23% gc time)
distance squared from orbit of 20 to 23 is at most 0.16666669472601414. 50 tries
 34.146538 seconds (86.00 M allocations: 39.782 GiB, 15.73% gc time)
distance squared from orbit of 20 to 24 is at most 0.4000000057795004. 50 tries
  0.789331 seconds (2.11 M allocations: 999.272 MiB, 16.74% gc time)
distance squared from orbit of 20 to 25 is at most 3.613705994822693e-7. 1 tries
 38.221090 seconds (100.32 M allocations: 46.415 GiB, 16.09% gc time)
distance squared from orbit of 20 to 26 is at most 0.1428571508483234. 50 tries
  1.577704 seconds (4.16 M allocations: 1.925 GiB, 15.95% gc time)
distance squared from orbit of 20 to 27 is at most 2.8689681112330136e-8. 2 tries

  4.371360 seconds (11.18 M allocations: 5.173 GiB, 15.94% gc time)
distance squared from orbit of 21 to 1 is at most 1.0000000000001856. 50 tries
  9.793999 seconds (26.18 M allocations: 12.115 GiB, 16.31% gc time)
distance squared from orbit of 21 to 2 is at most 1.0000000000000737. 50 tries
 18.799058 seconds (50.10 M allocations: 23.179 GiB, 16.16% gc time)
distance squared from orbit of 21 to 3 is at most 1.0000000000017923. 50 tries
  5.059010 seconds (13.11 M allocations: 6.069 GiB, 15.63% gc time)
distance squared from orbit of 21 to 4 is at most 0.6666666666671912. 50 tries
 18.214116 seconds (48.69 M allocations: 22.531 GiB, 16.16% gc time)
distance squared from orbit of 21 to 5 is at most 0.9791666669974983. 50 tries
 35.619012 seconds (97.83 M allocations: 45.262 GiB, 16.18% gc time)
distance squared from orbit of 21 to 6 is at most 0.6666673548460059. 50 tries
 26.415086 seconds (73.13 M allocations: 33.834 GiB, 16.03% gc time)
distance squared from orbit of 21 to 7 is at most 1.0000000000057092. 50 tries
 20.201040 seconds (55.44 M allocations: 25.651 GiB, 16.13% gc time)
distance squared from orbit of 21 to 8 is at most 0.5000000003053272. 50 tries
  4.014360 seconds (10.18 M allocations: 4.712 GiB, 16.15% gc time)
distance squared from orbit of 21 to 9 is at most 0.500000000000047. 50 tries
 28.575423 seconds (77.52 M allocations: 35.859 GiB, 15.97% gc time)
distance squared from orbit of 21 to 10 is at most 0.666666667410122. 50 tries
 35.483922 seconds (96.34 M allocations: 44.570 GiB, 16.03% gc time)
distance squared from orbit of 21 to 11 is at most 0.5000253421980629. 50 tries
 20.354790 seconds (52.95 M allocations: 24.496 GiB, 15.76% gc time)
distance squared from orbit of 21 to 12 is at most 0.5000000000000336. 50 tries
 28.118715 seconds (71.20 M allocations: 32.940 GiB, 15.47% gc time)
distance squared from orbit of 21 to 13 is at most 0.5000002295950677. 50 tries
 29.324298 seconds (80.14 M allocations: 37.076 GiB, 15.76% gc time)
distance squared from orbit of 21 to 14 is at most 0.5000060962986014. 50 tries
 19.922702 seconds (51.82 M allocations: 23.977 GiB, 15.71% gc time)
distance squared from orbit of 21 to 15 is at most 0.3333333333768747. 50 tries
 11.228371 seconds (28.40 M allocations: 13.139 GiB, 15.48% gc time)
distance squared from orbit of 21 to 16 is at most 0.8750000000050625. 50 tries
 39.396030 seconds (105.61 M allocations: 48.860 GiB, 15.75% gc time)
distance squared from orbit of 21 to 17 is at most 0.6458343620704624. 50 tries
 29.429200 seconds (77.29 M allocations: 35.761 GiB, 15.63% gc time)
distance squared from orbit of 21 to 18 is at most 0.5000005847152946. 50 tries
 33.915070 seconds (91.20 M allocations: 42.194 GiB, 15.81% gc time)
distance squared from orbit of 21 to 19 is at most 0.33333662169357375. 50 tries
 39.057361 seconds (105.06 M allocations: 48.604 GiB, 15.73% gc time)
distance squared from orbit of 21 to 20 is at most 0.3333583232646791. 50 tries
  0.180176 seconds (503.22 k allocations: 238.468 MiB, 13.28% gc time)
distance squared from orbit of 21 to 21 is at most 2.245574917548533e-13. 3 tries
 12.998111 seconds (35.39 M allocations: 16.377 GiB, 15.99% gc time)
distance squared from orbit of 21 to 22 is at most 0.8750194604774518. 50 tries
  0.774618 seconds (2.10 M allocations: 995.220 MiB, 16.77% gc time)
distance squared from orbit of 21 to 23 is at most 5.902143258015339e-7. 1 tries
  0.271734 seconds (782.17 k allocations: 370.636 MiB, 14.77% gc time)
distance squared from orbit of 21 to 24 is at most 1.8704434396067724e-9. 1 tries
  0.753414 seconds (2.06 M allocations: 976.259 MiB, 15.57% gc time)
distance squared from orbit of 21 to 25 is at most 4.359523553186725e-7. 1 tries
 38.745694 seconds (105.11 M allocations: 48.626 GiB, 15.72% gc time)
distance squared from orbit of 21 to 26 is at most 2.205820617031517e-6. 50 tries
 39.003172 seconds (104.78 M allocations: 48.474 GiB, 15.68% gc time)
distance squared from orbit of 21 to 27 is at most 2.1942272863579636e-5. 50 tries

  1.828650 seconds (4.98 M allocations: 2.307 GiB, 15.89% gc time)
distance squared from orbit of 22 to 1 is at most 1.0000000000000093. 50 tries
  2.733904 seconds (7.31 M allocations: 3.385 GiB, 15.80% gc time)
distance squared from orbit of 22 to 2 is at most 0.919058356455122. 50 tries
  5.932930 seconds (15.75 M allocations: 7.288 GiB, 15.65% gc time)
distance squared from orbit of 22 to 3 is at most 0.9490377182733583. 50 tries
 19.885322 seconds (53.57 M allocations: 24.785 GiB, 15.65% gc time)
distance squared from orbit of 22 to 4 is at most 0.9166714017293709. 50 tries
  1.794718 seconds (4.79 M allocations: 2.217 GiB, 16.20% gc time)
distance squared from orbit of 22 to 5 is at most 0.5000000000000431. 50 tries
  2.090209 seconds (5.66 M allocations: 2.618 GiB, 16.30% gc time)
distance squared from orbit of 22 to 6 is at most 0.6666666666667657. 50 tries
  2.650737 seconds (7.12 M allocations: 3.293 GiB, 15.42% gc time)
distance squared from orbit of 22 to 7 is at most 0.5000000000001192. 50 tries
 34.999852 seconds (92.88 M allocations: 42.973 GiB, 15.63% gc time)
distance squared from orbit of 22 to 8 is at most 0.5000002076439427. 50 tries
 20.166432 seconds (53.81 M allocations: 24.895 GiB, 15.67% gc time)
distance squared from orbit of 22 to 9 is at most 0.9500028595056531. 50 tries
 17.302508 seconds (46.64 M allocations: 21.580 GiB, 15.67% gc time)
distance squared from orbit of 22 to 10 is at most 0.9494792373860058. 50 tries
  1.714930 seconds (4.56 M allocations: 2.109 GiB, 16.31% gc time)
distance squared from orbit of 22 to 11 is at most 0.3750000000000357. 50 tries
 33.018553 seconds (85.69 M allocations: 39.640 GiB, 17.53% gc time)
distance squared from orbit of 22 to 12 is at most 0.600001057508305. 50 tries
 15.496026 seconds (44.09 M allocations: 20.401 GiB, 19.06% gc time)
distance squared from orbit of 22 to 13 is at most 0.666666666666847. 50 tries
 11.320230 seconds (33.58 M allocations: 15.539 GiB, 19.23% gc time)
distance squared from orbit of 22 to 14 is at most 0.578191861043256. 50 tries
 20.362230 seconds (58.52 M allocations: 27.074 GiB, 18.87% gc time)
distance squared from orbit of 22 to 15 is at most 0.5833342617999137. 50 tries
  7.177173 seconds (18.82 M allocations: 8.709 GiB, 18.41% gc time)
distance squared from orbit of 22 to 16 is at most 0.4000000000000854. 50 tries
  9.832837 seconds (25.73 M allocations: 11.907 GiB, 18.28% gc time)
distance squared from orbit of 22 to 17 is at most 0.3333333333334784. 50 tries
 27.681034 seconds (72.41 M allocations: 33.501 GiB, 18.39% gc time)
distance squared from orbit of 22 to 18 is at most 0.7142857142858835. 50 tries
 40.834576 seconds (105.38 M allocations: 48.759 GiB, 18.29% gc time)
distance squared from orbit of 22 to 19 is at most 0.4359422137872347. 50 tries
 41.680332 seconds (105.38 M allocations: 48.760 GiB, 18.06% gc time)
distance squared from orbit of 22 to 20 is at most 0.33333336731801805. 50 tries
 23.702780 seconds (60.49 M allocations: 27.985 GiB, 18.03% gc time)
distance squared from orbit of 22 to 21 is at most 0.9000020348278731. 50 tries
  0.036805 seconds (65.18 k allocations: 30.890 MiB)
distance squared from orbit of 22 to 22 is at most 8.864435035333729e-14. 1 tries
 28.363413 seconds (72.76 M allocations: 33.663 GiB, 18.05% gc time)
distance squared from orbit of 22 to 23 is at most 0.6666666666667036. 50 tries
 37.340166 seconds (99.77 M allocations: 46.155 GiB, 18.16% gc time)
distance squared from orbit of 22 to 24 is at most 0.40000063830427923. 50 tries
 10.009999 seconds (25.14 M allocations: 11.634 GiB, 17.62% gc time)
distance squared from orbit of 22 to 25 is at most 0.5000031929900258. 50 tries
 40.844067 seconds (104.67 M allocations: 48.426 GiB, 17.86% gc time)
distance squared from orbit of 22 to 26 is at most 0.14285815506627544. 50 tries
 37.286616 seconds (95.67 M allocations: 44.266 GiB, 17.85% gc time)
distance squared from orbit of 22 to 27 is at most 1.5291924275042733e-6. 50 tries

  2.931823 seconds (7.48 M allocations: 3.460 GiB, 18.04% gc time)
distance squared from orbit of 23 to 1 is at most 1.000000000000044. 50 tries
 14.386438 seconds (37.50 M allocations: 17.351 GiB, 17.89% gc time)
distance squared from orbit of 23 to 2 is at most 1.000000000000624. 50 tries
 18.378467 seconds (47.46 M allocations: 21.960 GiB, 17.77% gc time)
distance squared from orbit of 23 to 3 is at most 1.0000000000018856. 50 tries
  5.687543 seconds (14.58 M allocations: 6.745 GiB, 17.74% gc time)
distance squared from orbit of 23 to 4 is at most 0.6666666666667294. 50 tries
 15.934205 seconds (40.90 M allocations: 18.924 GiB, 17.97% gc time)
distance squared from orbit of 23 to 5 is at most 0.9791666666676538. 50 tries
 39.382597 seconds (101.13 M allocations: 46.786 GiB, 17.74% gc time)
distance squared from orbit of 23 to 6 is at most 0.6666671565805014. 50 tries
 27.942241 seconds (72.81 M allocations: 33.691 GiB, 17.79% gc time)
distance squared from orbit of 23 to 7 is at most 1.0000000000040905. 50 tries
 17.191782 seconds (43.19 M allocations: 19.984 GiB, 17.72% gc time)
distance squared from orbit of 23 to 8 is at most 0.5000000004443093. 50 tries
  3.229953 seconds (8.12 M allocations: 3.758 GiB, 17.05% gc time)
distance squared from orbit of 23 to 9 is at most 0.5000000000000189. 50 tries
  8.307782 seconds (21.47 M allocations: 9.934 GiB, 17.56% gc time)
distance squared from orbit of 23 to 10 is at most 0.6666666666672068. 50 tries
 37.425321 seconds (96.79 M allocations: 44.781 GiB, 17.57% gc time)
distance squared from orbit of 23 to 11 is at most 0.500169728151893. 50 tries
 22.792576 seconds (64.37 M allocations: 29.782 GiB, 17.99% gc time)
distance squared from orbit of 23 to 12 is at most 0.5000000000001849. 50 tries
  3.952129 seconds (9.93 M allocations: 4.595 GiB, 17.50% gc time)
distance squared from orbit of 23 to 13 is at most 0.5000000000000431. 50 tries
 25.611524 seconds (65.51 M allocations: 30.310 GiB, 17.44% gc time)
distance squared from orbit of 23 to 14 is at most 0.5000085439339349. 50 tries
 13.704818 seconds (35.51 M allocations: 16.430 GiB, 17.54% gc time)
distance squared from orbit of 23 to 15 is at most 0.333333333536027. 50 tries
 10.759208 seconds (28.00 M allocations: 12.958 GiB, 17.62% gc time)
distance squared from orbit of 23 to 16 is at most 0.8751566662498197. 50 tries
 40.305622 seconds (105.19 M allocations: 48.663 GiB, 17.47% gc time)
distance squared from orbit of 23 to 17 is at most 0.6458341624494645. 50 tries
 35.223801 seconds (91.44 M allocations: 42.303 GiB, 17.35% gc time)
distance squared from orbit of 23 to 18 is at most 0.5000004687800261. 50 tries
 38.133388 seconds (101.85 M allocations: 47.118 GiB, 17.54% gc time)
distance squared from orbit of 23 to 19 is at most 0.3333494352208143. 50 tries
 39.530925 seconds (102.88 M allocations: 47.595 GiB, 17.26% gc time)
distance squared from orbit of 23 to 20 is at most 0.33345967112582126. 50 tries
  5.533724 seconds (13.01 M allocations: 6.022 GiB, 17.39% gc time)
distance squared from orbit of 23 to 21 is at most 0.20000000000001478. 50 tries
 22.232694 seconds (36.09 M allocations: 16.700 GiB, 15.05% gc time)
distance squared from orbit of 23 to 22 is at most 0.8751298589758962. 50 tries
  2.281762 seconds (4.19 M allocations: 1.937 GiB, 14.95% gc time)
distance squared from orbit of 23 to 23 is at most 5.307779821162698e-12. 3 tries
 21.283174 seconds (51.65 M allocations: 23.896 GiB, 16.88% gc time)
distance squared from orbit of 23 to 24 is at most 0.20000000010320002. 50 tries
  0.837662 seconds (2.09 M allocations: 991.832 MiB, 16.70% gc time)
distance squared from orbit of 23 to 25 is at most 9.665251415174035e-7. 1 tries
 38.530615 seconds (101.72 M allocations: 47.060 GiB, 17.28% gc time)
distance squared from orbit of 23 to 26 is at most 1.612706232522123e-5. 50 tries
 37.483523 seconds (104.88 M allocations: 48.521 GiB, 17.44% gc time)
distance squared from orbit of 23 to 27 is at most 0.00014634467672095257. 50 tries

  5.547163 seconds (14.53 M allocations: 6.723 GiB, 16.97% gc time)
distance squared from orbit of 24 to 1 is at most 1.0000000000000862. 50 tries
  7.158766 seconds (18.52 M allocations: 8.572 GiB, 17.11% gc time)
distance squared from orbit of 24 to 2 is at most 1.0000000000000546. 50 tries
  8.811236 seconds (23.07 M allocations: 10.674 GiB, 17.14% gc time)
distance squared from orbit of 24 to 3 is at most 1.0000000000027462. 50 tries
  5.038026 seconds (12.54 M allocations: 5.801 GiB, 16.74% gc time)
distance squared from orbit of 24 to 4 is at most 0.9166666666671216. 50 tries
  7.024192 seconds (17.07 M allocations: 7.902 GiB, 16.37% gc time)
distance squared from orbit of 24 to 5 is at most 0.979166666668633. 50 tries
 17.145548 seconds (44.13 M allocations: 20.421 GiB, 16.94% gc time)
distance squared from orbit of 24 to 6 is at most 0.8333348193397502. 50 tries
 28.880396 seconds (74.51 M allocations: 34.475 GiB, 16.90% gc time)
distance squared from orbit of 24 to 7 is at most 1.0000000000973466. 50 tries
  9.329463 seconds (24.59 M allocations: 11.379 GiB, 17.07% gc time)
distance squared from orbit of 24 to 8 is at most 0.5000000000011836. 50 tries
  5.694292 seconds (14.39 M allocations: 6.660 GiB, 16.48% gc time)
distance squared from orbit of 24 to 9 is at most 0.8333333333336892. 50 tries
  6.705953 seconds (16.73 M allocations: 7.743 GiB, 16.87% gc time)
distance squared from orbit of 24 to 10 is at most 0.9389449363085561. 50 tries
 36.622556 seconds (95.18 M allocations: 44.036 GiB, 16.82% gc time)
distance squared from orbit of 24 to 11 is at most 0.5000004032008448. 50 tries
  5.459058 seconds (14.03 M allocations: 6.492 GiB, 16.96% gc time)
distance squared from orbit of 24 to 12 is at most 0.6000000000064735. 50 tries
  7.424995 seconds (19.10 M allocations: 8.835 GiB, 16.89% gc time)
distance squared from orbit of 24 to 13 is at most 0.8833708286981434. 50 tries
 28.858921 seconds (75.70 M allocations: 35.022 GiB, 16.96% gc time)
distance squared from orbit of 24 to 14 is at most 0.5000244085621793. 50 tries
  7.823583 seconds (20.52 M allocations: 9.493 GiB, 16.75% gc time)
distance squared from orbit of 24 to 15 is at most 0.33333333333341547. 50 tries
  4.901598 seconds (13.07 M allocations: 6.051 GiB, 17.09% gc time)
distance squared from orbit of 24 to 16 is at most 0.8750000000000571. 50 tries
 36.657941 seconds (101.81 M allocations: 47.106 GiB, 16.89% gc time)
distance squared from orbit of 24 to 17 is at most 0.6666671185349972. 50 tries
  9.958784 seconds (26.24 M allocations: 12.141 GiB, 16.78% gc time)
distance squared from orbit of 24 to 18 is at most 0.7142857142867813. 50 tries
 29.742889 seconds (78.76 M allocations: 36.440 GiB, 16.91% gc time)
distance squared from orbit of 24 to 19 is at most 0.33338112414868026. 50 tries
 40.071529 seconds (105.27 M allocations: 48.703 GiB, 16.73% gc time)
distance squared from orbit of 24 to 20 is at most 0.3333340747217656. 50 tries
  5.466260 seconds (14.05 M allocations: 6.501 GiB, 16.23% gc time)
distance squared from orbit of 24 to 21 is at most 0.5000000000000285. 50 tries
 19.987983 seconds (52.58 M allocations: 24.327 GiB, 16.60% gc time)
distance squared from orbit of 24 to 22 is at most 0.8750003744244457. 50 tries
  4.828125 seconds (12.67 M allocations: 5.865 GiB, 16.72% gc time)
distance squared from orbit of 24 to 23 is at most 0.554403500951791. 50 tries
  0.052611 seconds (130.30 k allocations: 61.745 MiB, 21.39% gc time)
distance squared from orbit of 24 to 24 is at most 2.1878594864832117e-12. 1 tries
 15.984709 seconds (41.66 M allocations: 19.274 GiB, 16.50% gc time)
distance squared from orbit of 24 to 25 is at most 0.5000004400994519. 50 tries
 39.068189 seconds (102.91 M allocations: 47.609 GiB, 16.69% gc time)
distance squared from orbit of 24 to 26 is at most 5.8737453487402385e-5. 50 tries
  3.952623 seconds (10.45 M allocations: 4.836 GiB, 16.59% gc time)
distance squared from orbit of 24 to 27 is at most 6.757875266745599e-7. 5 tries

  2.156089 seconds (5.69 M allocations: 2.634 GiB, 17.03% gc time)
distance squared from orbit of 25 to 1 is at most 1.0000000000000493. 50 tries
  3.969608 seconds (10.36 M allocations: 4.793 GiB, 16.66% gc time)
distance squared from orbit of 25 to 2 is at most 1.0000000000000622. 50 tries
  7.994851 seconds (21.17 M allocations: 9.796 GiB, 16.65% gc time)
distance squared from orbit of 25 to 3 is at most 1.0000000000001164. 50 tries
  2.575275 seconds (6.72 M allocations: 3.112 GiB, 16.52% gc time)
distance squared from orbit of 25 to 4 is at most 0.666666666666702. 50 tries
  9.632520 seconds (25.57 M allocations: 11.829 GiB, 16.54% gc time)
distance squared from orbit of 25 to 5 is at most 0.9791667170388548. 50 tries
  1.716612 seconds (4.57 M allocations: 2.113 GiB, 16.40% gc time)
distance squared from orbit of 25 to 6 is at most 0.666666666666706. 50 tries
 11.380190 seconds (29.79 M allocations: 13.789 GiB, 16.39% gc time)
distance squared from orbit of 25 to 7 is at most 1.0000000000033413. 50 tries
 13.845005 seconds (35.60 M allocations: 16.470 GiB, 16.44% gc time)
distance squared from orbit of 25 to 8 is at most 0.5000000001644399. 50 tries
  3.676214 seconds (9.57 M allocations: 4.427 GiB, 16.77% gc time)
distance squared from orbit of 25 to 9 is at most 0.7500000000000603. 50 tries
  2.358584 seconds (6.12 M allocations: 2.830 GiB, 16.12% gc time)
distance squared from orbit of 25 to 10 is at most 0.727552997475871. 50 tries
 24.118704 seconds (63.01 M allocations: 29.152 GiB, 16.53% gc time)
distance squared from orbit of 25 to 11 is at most 0.5000000190581585. 50 tries
 10.516615 seconds (27.60 M allocations: 12.769 GiB, 16.50% gc time)
distance squared from orbit of 25 to 12 is at most 0.500000000000048. 50 tries
  2.963104 seconds (8.08 M allocations: 3.738 GiB, 16.20% gc time)
distance squared from orbit of 25 to 13 is at most 0.614518333054956. 50 tries
  9.927552 seconds (26.63 M allocations: 12.326 GiB, 16.63% gc time)
distance squared from orbit of 25 to 14 is at most 0.5793156242931875. 50 tries
  9.462548 seconds (22.22 M allocations: 10.280 GiB, 15.80% gc time)
distance squared from orbit of 25 to 15 is at most 0.5833333335923028. 50 tries
 11.805651 seconds (30.29 M allocations: 14.018 GiB, 16.23% gc time)
distance squared from orbit of 25 to 16 is at most 0.8750000235067725. 50 tries
  1.910907 seconds (4.94 M allocations: 2.286 GiB, 16.04% gc time)
distance squared from orbit of 25 to 17 is at most 0.6458333333335508. 50 tries
  5.811252 seconds (15.10 M allocations: 6.985 GiB, 16.55% gc time)
distance squared from orbit of 25 to 18 is at most 0.5000000000000911. 50 tries
 25.461326 seconds (68.91 M allocations: 31.885 GiB, 16.61% gc time)
distance squared from orbit of 25 to 19 is at most 0.43586738999273505. 50 tries
 39.558058 seconds (105.27 M allocations: 48.700 GiB, 16.56% gc time)
distance squared from orbit of 25 to 20 is at most 0.333333345609604. 50 tries
  3.241049 seconds (8.83 M allocations: 4.086 GiB, 16.57% gc time)
distance squared from orbit of 25 to 21 is at most 0.40000000000002134. 50 tries
 10.352246 seconds (26.79 M allocations: 12.397 GiB, 16.69% gc time)
distance squared from orbit of 25 to 22 is at most 0.8750000298910977. 50 tries
  4.300136 seconds (11.28 M allocations: 5.221 GiB, 16.56% gc time)
distance squared from orbit of 25 to 23 is at most 0.16666666666667862. 50 tries
 15.733757 seconds (41.72 M allocations: 19.304 GiB, 16.42% gc time)
distance squared from orbit of 25 to 24 is at most 0.40000000013698894. 50 tries
  0.025135 seconds (71.65 k allocations: 33.945 MiB)
distance squared from orbit of 25 to 25 is at most 4.596212360502337e-14. 1 tries
 40.005278 seconds (105.52 M allocations: 48.816 GiB, 16.40% gc time)
distance squared from orbit of 25 to 26 is at most 0.14285717914878926. 50 tries
  0.805089 seconds (2.08 M allocations: 986.749 MiB, 16.47% gc time)
distance squared from orbit of 25 to 27 is at most 4.14283971197918e-8. 1 tries

 17.525082 seconds (46.37 M allocations: 21.457 GiB, 16.47% gc time)
distance squared from orbit of 26 to 1 is at most 1.0000000000000187. 50 tries
 23.300551 seconds (61.87 M allocations: 28.624 GiB, 16.32% gc time)
distance squared from orbit of 26 to 2 is at most 1.0000000000007674. 50 tries
 15.662375 seconds (42.31 M allocations: 19.579 GiB, 16.55% gc time)
distance squared from orbit of 26 to 3 is at most 1.0000000000002927. 50 tries
 13.395650 seconds (35.63 M allocations: 16.484 GiB, 16.23% gc time)
distance squared from orbit of 26 to 4 is at most 0.9166666666670219. 50 tries
 10.435440 seconds (28.74 M allocations: 13.297 GiB, 16.48% gc time)
distance squared from orbit of 26 to 5 is at most 0.9791666666667054. 50 tries
 21.553842 seconds (56.50 M allocations: 26.139 GiB, 16.21% gc time)
distance squared from orbit of 26 to 6 is at most 0.8333342183695799. 50 tries
 21.504389 seconds (56.96 M allocations: 26.360 GiB, 16.44% gc time)
distance squared from orbit of 26 to 7 is at most 1.0000000000002882. 50 tries
 12.326508 seconds (32.50 M allocations: 15.037 GiB, 16.21% gc time)
distance squared from orbit of 26 to 8 is at most 0.5000000000003536. 50 tries
 10.941771 seconds (28.80 M allocations: 13.326 GiB, 16.24% gc time)
distance squared from orbit of 26 to 9 is at most 0.8333333333707799. 50 tries
  8.120454 seconds (21.31 M allocations: 9.861 GiB, 16.16% gc time)
distance squared from orbit of 26 to 10 is at most 0.943387697049285. 50 tries
 34.842206 seconds (93.26 M allocations: 43.147 GiB, 16.27% gc time)
distance squared from orbit of 26 to 11 is at most 0.5000006130047416. 50 tries
 18.015676 seconds (48.06 M allocations: 22.239 GiB, 16.12% gc time)
distance squared from orbit of 26 to 12 is at most 0.6000000000053151. 50 tries
 11.443748 seconds (29.98 M allocations: 13.872 GiB, 16.05% gc time)
distance squared from orbit of 26 to 13 is at most 0.8995526772384297. 50 tries
  4.967027 seconds (13.18 M allocations: 6.098 GiB, 15.95% gc time)
distance squared from orbit of 26 to 14 is at most 0.5000000000000738. 50 tries
 19.901822 seconds (52.90 M allocations: 24.476 GiB, 16.21% gc time)
distance squared from orbit of 26 to 15 is at most 0.33333333333655313. 50 tries
 22.297243 seconds (59.24 M allocations: 27.412 GiB, 16.18% gc time)
distance squared from orbit of 26 to 16 is at most 0.8750005265432401. 50 tries
 33.741776 seconds (91.98 M allocations: 42.555 GiB, 16.19% gc time)
distance squared from orbit of 26 to 17 is at most 0.6666676666680721. 50 tries
 19.656630 seconds (52.40 M allocations: 24.249 GiB, 16.27% gc time)
distance squared from orbit of 26 to 18 is at most 0.714285714286068. 50 tries
  7.080600 seconds (19.21 M allocations: 8.888 GiB, 16.04% gc time)
distance squared from orbit of 26 to 19 is at most 0.3333333333333942. 50 tries
 37.968747 seconds (98.76 M allocations: 45.690 GiB, 15.93% gc time)
distance squared from orbit of 26 to 20 is at most 0.33333426680742284. 50 tries
 19.413507 seconds (50.05 M allocations: 23.157 GiB, 15.89% gc time)
distance squared from orbit of 26 to 21 is at most 0.7000000000042998. 50 tries
 29.736489 seconds (77.54 M allocations: 35.878 GiB, 15.89% gc time)
distance squared from orbit of 26 to 22 is at most 0.8750006895570985. 50 tries
 20.124165 seconds (53.39 M allocations: 24.700 GiB, 16.21% gc time)
distance squared from orbit of 26 to 23 is at most 0.6483268859519268. 50 tries
 27.875161 seconds (74.47 M allocations: 34.455 GiB, 16.11% gc time)
distance squared from orbit of 26 to 24 is at most 0.2000000000043958. 50 tries
 35.114336 seconds (94.69 M allocations: 43.807 GiB, 16.01% gc time)
distance squared from orbit of 26 to 25 is at most 0.5000003358035481. 50 tries
  0.041056 seconds (88.82 k allocations: 42.082 MiB, 30.88% gc time)
distance squared from orbit of 26 to 26 is at most 3.016244677953642e-13. 1 tries
  0.784116 seconds (2.09 M allocations: 989.790 MiB, 14.80% gc time)
distance squared from orbit of 26 to 27 is at most 8.322754772760513e-7. 1 tries

  2.654983 seconds (6.99 M allocations: 3.233 GiB, 15.61% gc time)
distance squared from orbit of 27 to 1 is at most 1.0000000000000164. 50 tries
  4.982201 seconds (13.30 M allocations: 6.153 GiB, 15.88% gc time)
distance squared from orbit of 27 to 2 is at most 1.0000000000001186. 50 tries
  8.290214 seconds (22.00 M allocations: 10.183 GiB, 16.17% gc time)
distance squared from orbit of 27 to 3 is at most 1.0000000000000289. 50 tries
  4.720312 seconds (12.24 M allocations: 5.667 GiB, 15.90% gc time)
distance squared from orbit of 27 to 4 is at most 0.9166666666667459. 50 tries
  3.842694 seconds (9.86 M allocations: 4.563 GiB, 16.00% gc time)
distance squared from orbit of 27 to 5 is at most 0.9791666666688913. 50 tries
  2.639544 seconds (6.76 M allocations: 3.127 GiB, 15.73% gc time)
distance squared from orbit of 27 to 6 is at most 0.8333333333333859. 50 tries
 10.094764 seconds (25.61 M allocations: 11.853 GiB, 15.43% gc time)
distance squared from orbit of 27 to 7 is at most 1.0000000000007239. 50 tries
  4.388359 seconds (9.75 M allocations: 4.512 GiB, 15.25% gc time)
distance squared from orbit of 27 to 8 is at most 0.5000000000000453. 50 tries
  7.810950 seconds (17.39 M allocations: 8.047 GiB, 15.13% gc time)
distance squared from orbit of 27 to 9 is at most 0.9500000000062987. 50 tries
  3.479458 seconds (8.17 M allocations: 3.783 GiB, 15.23% gc time)
distance squared from orbit of 27 to 10 is at most 0.9495241293736061. 50 tries
  3.723719 seconds (9.71 M allocations: 4.494 GiB, 16.26% gc time)
distance squared from orbit of 27 to 11 is at most 0.5000000000000749. 50 tries
  4.709180 seconds (12.50 M allocations: 5.787 GiB, 15.70% gc time)
distance squared from orbit of 27 to 12 is at most 0.6000000000005886. 50 tries
  3.908587 seconds (10.51 M allocations: 4.863 GiB, 15.49% gc time)
distance squared from orbit of 27 to 13 is at most 0.922917982937698. 50 tries
  1.817855 seconds (4.94 M allocations: 2.286 GiB, 15.54% gc time)
distance squared from orbit of 27 to 14 is at most 0.5799193475827998. 50 tries
  7.072844 seconds (19.01 M allocations: 8.799 GiB, 15.73% gc time)
distance squared from orbit of 27 to 15 is at most 0.5833333333333404. 50 tries
  5.196654 seconds (14.00 M allocations: 6.481 GiB, 16.03% gc time)
distance squared from orbit of 27 to 16 is at most 0.8750000000000969. 50 tries
  3.362271 seconds (9.03 M allocations: 4.179 GiB, 15.69% gc time)
distance squared from orbit of 27 to 17 is at most 0.6666666666668272. 50 tries
 10.147303 seconds (27.30 M allocations: 12.636 GiB, 15.69% gc time)
distance squared from orbit of 27 to 18 is at most 0.7142857142909251. 50 tries
  2.036495 seconds (5.47 M allocations: 2.529 GiB, 16.09% gc time)
distance squared from orbit of 27 to 19 is at most 0.4359405000379309. 50 tries
  2.063794 seconds (5.59 M allocations: 2.588 GiB, 15.19% gc time)
distance squared from orbit of 27 to 20 is at most 0.3333333333334052. 50 tries
  7.967742 seconds (21.61 M allocations: 10.001 GiB, 15.60% gc time)
distance squared from orbit of 27 to 21 is at most 0.9000000000014206. 50 tries
  3.550408 seconds (9.62 M allocations: 4.451 GiB, 15.88% gc time)
distance squared from orbit of 27 to 22 is at most 0.8750000000000718. 50 tries
  3.096230 seconds (8.45 M allocations: 3.911 GiB, 15.57% gc time)
distance squared from orbit of 27 to 23 is at most 0.6666666666667234. 50 tries
 12.630228 seconds (34.20 M allocations: 15.826 GiB, 15.89% gc time)
distance squared from orbit of 27 to 24 is at most 0.4000000000000207. 50 tries
  2.284710 seconds (6.22 M allocations: 2.877 GiB, 15.42% gc time)
distance squared from orbit of 27 to 25 is at most 0.5000000000000377. 50 tries
  2.236744 seconds (6.11 M allocations: 2.825 GiB, 16.27% gc time)
distance squared from orbit of 27 to 26 is at most 0.1428571428571731. 50 tries
  0.019180 seconds (56.61 k allocations: 26.823 MiB)
distance squared from orbit of 27 to 27 is at most 6.352787916295063e-13. 1 tries

first run done

second run
distance squared from orbit of 1 to 8 will be revised since for 1 3 8: 7.805776850455649e-12+7.380034948204456e-11<5.410448469651386e-7
revised distance squared from orbit of 1 to 8 is at most 8.425392242492257e-9.
distance squared from orbit of 1 to 10 will be revised since for 1 4 10: 0.3333333333343722+5.234815624435434e-12<0.3942196641432804
revised distance squared from orbit of 1 to 10 is at most 0.3942196641432804.
distance squared from orbit of 1 to 11 will be revised since for 1 2 11: 4.7390670297129574e-7+1.850992574903488e-6<8.350928642683803e-5
revised distance squared from orbit of 1 to 11 is at most 2.950352826796469e-6.
distance squared from orbit of 1 to 11 will be revised since for 1 3 11: 7.805776850455649e-12+6.601126894990639e-7<2.950352826796469e-6
revised distance squared from orbit of 1 to 11 is at most 6.611280926608643e-7.
distance squared from orbit of 1 to 11 will be revised since for 1 6 11: 8.148479490541145e-8+2.686787244106156e-7<6.611280926608643e-7
revised distance squared from orbit of 1 to 11 is at most 6.611280926608643e-7.
distance squared from orbit of 1 to 12 will be revised since for 1 2 12: 4.7390670297129574e-7+1.663348421524005e-8<9.62225531811283e-7
revised distance squared from orbit of 1 to 12 is at most 9.396703098072487e-8.
distance squared from orbit of 1 to 13 will be revised since for 1 6 13: 8.148479490541145e-8+0.16666667635466953<0.16666711871675594
revised distance squared from orbit of 1 to 13 is at most 0.16666711871675594.
distance squared from orbit of 1 to 13 will be revised since for 1 12 13: 9.396703098072487e-8+0.16666685980954538<0.16666711871675594
revised distance squared from orbit of 1 to 13 is at most 0.16666711871675594.
distance squared from orbit of 1 to 14 will be revised since for 1 3 14: 7.805776850455649e-12+9.813609736224402e-5<0.0003726112051801606
revised distance squared from orbit of 1 to 14 is at most 8.163137727217267e-5.
distance squared from orbit of 1 to 14 will be revised since for 1 7 14: 3.737521804908807e-6+1.4710941048008673e-5<8.163137727217267e-5
revised distance squared from orbit of 1 to 14 is at most 5.430329683370956e-5.
distance squared from orbit of 1 to 14 will be revised since for 1 8 14: 8.425392242492257e-9+2.7021844120461495e-5<5.430329683370956e-5
revised distance squared from orbit of 1 to 14 is at most 5.430329683370956e-5.
distance squared from orbit of 1 to 15 will be revised since for 1 3 15: 7.805776850455649e-12+0.25000000004115075<0.2500000022194745
revised distance squared from orbit of 1 to 15 is at most 0.25000000008047096.
distance squared from orbit of 1 to 17 will be revised since for 1 3 17: 7.805776850455649e-12+0.0001376936905319114<0.00036744372859709646
revised distance squared from orbit of 1 to 17 is at most 0.00036744372859709646.
distance squared from orbit of 1 to 17 will be revised since for 1 6 17: 8.148479490541145e-8+7.605329686152696e-7<0.00036744372859709646
revised distance squared from orbit of 1 to 17 is at most 5.9080205466477006e-5.
distance squared from orbit of 1 to 17 will be revised since for 1 7 17: 3.737521804908807e-6+1.263027595839269e-6<5.9080205466477006e-5
revised distance squared from orbit of 1 to 17 is at most 6.854838725053073e-6.
distance squared from orbit of 1 to 17 will be revised since for 1 11 17: 6.611280926608643e-7+1.1476213308831052e-6<6.854838725053073e-6
revised distance squared from orbit of 1 to 17 is at most 6.854838725053073e-6.
distance squared from orbit of 1 to 18 will be revised since for 1 6 18: 8.148479490541145e-8+2.1870722712205967e-7<7.938912410528549e-7
revised distance squared from orbit of 1 to 18 is at most 7.938912410528549e-7.
distance squared from orbit of 1 to 18 will be revised since for 1 8 18: 8.425392242492257e-9+6.06350248588218e-7<7.938912410528549e-7
revised distance squared from orbit of 1 to 18 is at most 7.938912410528549e-7.
distance squared from orbit of 1 to 19 will be revised since for 1 7 19: 3.737521804908807e-6+4.6786606460233565e-6<8.640753862370657e-6
revised distance squared from orbit of 1 to 19 is at most 8.640753862370657e-6.
distance squared from orbit of 1 to 20 will be revised since for 1 3 20: 7.805776850455649e-12+7.592315713179691e-5<0.00031223105077953753
revised distance squared from orbit of 1 to 20 is at most 7.594380009572036e-5.
distance squared from orbit of 1 to 20 will be revised since for 1 6 20: 8.148479490541145e-8+4.78249754699229e-7<7.594380009572036e-5
revised distance squared from orbit of 1 to 20 is at most 2.429470540936448e-6.
distance squared from orbit of 1 to 20 will be revised since for 1 8 20: 8.425392242492257e-9+1.5817583094188067e-6<2.429470540936448e-6
revised distance squared from orbit of 1 to 20 is at most 2.429470540936448e-6.
distance squared from orbit of 1 to 20 will be revised since for 1 11 20: 6.611280926608643e-7+1.3610424828204714e-6<2.429470540936448e-6
revised distance squared from orbit of 1 to 20 is at most 2.429470540936448e-6.
distance squared from orbit of 1 to 21 will be revised since for 1 13 21: 0.16666711871675594+0.20000000147282754<0.4000000000000103
revised distance squared from orbit of 1 to 21 is at most 0.4000000000000103.
distance squared from orbit of 1 to 21 will be revised since for 1 23 21: 0.16666770927205513+0.20000000000001478<0.4000000000000103
revised distance squared from orbit of 1 to 21 is at most 0.4000000000000103.
distance squared from orbit of 1 to 23 will be revised since for 1 2 23: 4.7390670297129574e-7+0.166666671582948<0.16666770927205513
revised distance squared from orbit of 1 to 23 is at most 0.16666673560929537.
distance squared from orbit of 1 to 24 will be revised since for 1 2 24: 4.7390670297129574e-7+0.2023893220195253<0.21121996582310948
revised distance squared from orbit of 1 to 24 is at most 0.20212125217430663.
distance squared from orbit of 1 to 24 will be revised since for 1 7 24: 3.737521804908807e-6+0.20051249941186536<0.20212125217430663
revised distance squared from orbit of 1 to 24 is at most 0.20041302631016614.
distance squared from orbit of 1 to 24 will be revised since for 1 14 24: 5.430329683370956e-5+0.2001726770740916<0.20041302631016614
revised distance squared from orbit of 1 to 24 is at most 0.20041302631016614.
distance squared from orbit of 1 to 24 will be revised since for 1 19 24: 8.640753862370657e-6+0.20003145517115023<0.20041302631016614
revised distance squared from orbit of 1 to 24 is at most 0.20041302631016614.
distance squared from orbit of 1 to 25 will be revised since for 1 6 25: 8.148479490541145e-8+1.2486974959020576e-8<1.3959149443160941e-6
revised distance squared from orbit of 1 to 25 is at most 1.3959149443160941e-6.
distance squared from orbit of 1 to 25 will be revised since for 1 18 25: 7.938912410528549e-7+2.2542424581964638e-8<1.3959149443160941e-6
revised distance squared from orbit of 1 to 25 is at most 8.681864911463366e-7.
distance squared from orbit of 1 to 26 will be revised since for 1 2 26: 4.7390670297129574e-7+0.00023162929264318807<0.00044474303138166847
revised distance squared from orbit of 1 to 26 is at most 0.00018448701835671653.
distance squared from orbit of 1 to 26 will be revised since for 1 7 26: 3.737521804908807e-6+1.3595408774010883e-5<0.00018448701835671653
revised distance squared from orbit of 1 to 26 is at most 1.208901973347645e-5.
distance squared from orbit of 1 to 26 will be revised since for 1 19 26: 8.640753862370657e-6+3.769987491983651e-7<1.208901973347645e-5
revised distance squared from orbit of 1 to 26 is at most 1.208901973347645e-5.
distance squared from orbit of 1 to 27 will be revised since for 1 2 27: 4.7390670297129574e-7+7.503518275235685e-6<0.00021989289730720625
revised distance squared from orbit of 1 to 27 is at most 1.8436150258365474e-5.
distance squared from orbit of 1 to 27 will be revised since for 1 3 27: 7.805776850455649e-12+4.6711044303272285e-6<1.8436150258365474e-5
revised distance squared from orbit of 1 to 27 is at most 4.374215109378073e-6.
distance squared from orbit of 1 to 27 will be revised since for 1 6 27: 8.148479490541145e-8+6.783155364472417e-7<4.374215109378073e-6
revised distance squared from orbit of 1 to 27 is at most 4.374215109378073e-6.
distance squared from orbit of 1 to 27 will be revised since for 1 11 27: 6.611280926608643e-7+2.4085920933492915e-8<4.374215109378073e-6
revised distance squared from orbit of 1 to 27 is at most 4.374215109378073e-6.
distance squared from orbit of 1 to 27 will be revised since for 1 18 27: 7.938912410528549e-7+1.6852438882707318e-6<4.374215109378073e-6
revised distance squared from orbit of 1 to 27 is at most 4.374215109378073e-6.
distance squared from orbit of 1 to 27 will be revised since for 1 20 27: 2.429470540936448e-6+2.8689681112330136e-8<4.374215109378073e-6
revised distance squared from orbit of 1 to 27 is at most 4.374215109378073e-6.
distance squared from orbit of 1 to 27 will be revised since for 1 22 27: 8.55337840172618e-7+1.5291924275042733e-6<4.374215109378073e-6
revised distance squared from orbit of 1 to 27 is at most 4.374215109378073e-6.
distance squared from orbit of 1 to 27 will be revised since for 1 25 27: 8.681864911463366e-7+4.14283971197918e-8<4.374215109378073e-6
revised distance squared from orbit of 1 to 27 is at most 4.374215109378073e-6.

distance squared from orbit of 2 to 1 will be revised since for 2 12 1: 1.663348421524005e-8+0.5000000000000222<0.5000000601835838
revised distance squared from orbit of 2 to 1 is at most 0.500000013645862.
distance squared from orbit of 2 to 8 will be revised since for 2 12 8: 1.663348421524005e-8+0.2500001573519962<0.250001567276096
revised distance squared from orbit of 2 to 8 is at most 0.250001567276096.
distance squared from orbit of 2 to 10 will be revised since for 2 4 10: 0.3333333346237438+5.234815624435434e-12<0.39421966954999277
revised distance squared from orbit of 2 to 10 is at most 0.39421966954999277.
distance squared from orbit of 2 to 14 will be revised since for 2 7 14: 1.3363366098697689e-5+1.4710941048008673e-5<0.0003906755587302728
revised distance squared from orbit of 2 to 14 is at most 0.0003906755587302728.
distance squared from orbit of 2 to 15 will be revised since for 2 9 15: 0.2500000016163185+1.5626980557001169e-7<0.25000226401921616
revised distance squared from orbit of 2 to 15 is at most 0.2500013992428328.
distance squared from orbit of 2 to 15 will be revised since for 2 12 15: 1.663348421524005e-8+0.2500002812521955<0.2500013992428328
revised distance squared from orbit of 2 to 15 is at most 0.2500013992428328.
distance squared from orbit of 2 to 17 will be revised since for 2 6 17: 0.0001425417457495989+7.605329686152696e-7<0.00042695654043090487
revised distance squared from orbit of 2 to 17 is at most 0.00042695654043090487.
distance squared from orbit of 2 to 17 will be revised since for 2 7 17: 1.3363366098697689e-5+1.263027595839269e-6<0.00042695654043090487
revised distance squared from orbit of 2 to 17 is at most 0.00042695654043090487.
distance squared from orbit of 2 to 17 will be revised since for 2 11 17: 1.850992574903488e-6+1.1476213308831052e-6<0.00042695654043090487
revised distance squared from orbit of 2 to 17 is at most 4.452957210829497e-6.
distance squared from orbit of 2 to 18 will be revised since for 2 11 18: 1.850992574903488e-6+3.1807084935053145e-7<2.417674794233547e-6
revised distance squared from orbit of 2 to 18 is at most 2.417674794233547e-6.
distance squared from orbit of 2 to 18 will be revised since for 2 12 18: 1.663348421524005e-8+9.84594644457221e-7<2.417674794233547e-6
revised distance squared from orbit of 2 to 18 is at most 7.061251228349591e-7.
distance squared from orbit of 2 to 19 will be revised since for 2 7 19: 1.3363366098697689e-5+4.6786606460233565e-6<4.9930462426849286e-5
revised distance squared from orbit of 2 to 19 is at most 1.393949732556095e-5.
distance squared from orbit of 2 to 20 will be revised since for 2 6 20: 0.0001425417457495989+4.78249754699229e-7<0.00031191552493080755
revised distance squared from orbit of 2 to 20 is at most 0.00031191552493080755.
distance squared from orbit of 2 to 20 will be revised since for 2 11 20: 1.850992574903488e-6+1.3610424828204714e-6<0.00031191552493080755
revised distance squared from orbit of 2 to 20 is at most 0.0001309494222162627.
distance squared from orbit of 2 to 20 will be revised since for 2 17 20: 4.452957210829497e-6+6.397895702854957e-6<0.0001309494222162627
revised distance squared from orbit of 2 to 20 is at most 0.0001309494222162627.
distance squared from orbit of 2 to 20 will be revised since for 2 18 20: 7.061251228349591e-7+1.1327787210726066e-5<0.0001309494222162627
revised distance squared from orbit of 2 to 20 is at most 0.0001309494222162627.
distance squared from orbit of 2 to 20 will be revised since for 2 19 20: 1.393949732556095e-5+7.246916594675523e-7<0.0001309494222162627
revised distance squared from orbit of 2 to 20 is at most 0.0001309494222162627.
distance squared from orbit of 2 to 21 will be revised since for 2 13 21: 0.16666666666896607+0.20000000147282754<0.40000000223562954
revised distance squared from orbit of 2 to 21 is at most 0.4000000021099896.
distance squared from orbit of 2 to 21 will be revised since for 2 23 21: 0.166666671582948+0.20000000000001478<0.4000000021099896
revised distance squared from orbit of 2 to 21 is at most 0.4000000014666653.
distance squared from orbit of 2 to 23 will be revised since for 2 13 23: 0.16666666666896607+3.613115657003716e-9<0.166666671582948
revised distance squared from orbit of 2 to 23 is at most 0.16666667096005303.
distance squared from orbit of 2 to 24 will be revised since for 2 7 24: 1.3363366098697689e-5+0.20051249941186536<0.2023893220195253
revised distance squared from orbit of 2 to 24 is at most 0.20080579311542868.
distance squared from orbit of 2 to 24 will be revised since for 2 14 24: 0.0003906755587302728+0.2001726770740916<0.20080579311542868
revised distance squared from orbit of 2 to 24 is at most 0.20029817027027005.
distance squared from orbit of 2 to 24 will be revised since for 2 19 24: 1.393949732556095e-5+0.20003145517115023<0.20029817027027005
revised distance squared from orbit of 2 to 24 is at most 0.20029817027027005.
distance squared from orbit of 2 to 24 will be revised since for 2 26 24: 0.00023162929264318807+0.2000000000043958<0.20029817027027005
revised distance squared from orbit of 2 to 24 is at most 0.20029817027027005.
distance squared from orbit of 2 to 25 will be revised since for 2 11 25: 1.850992574903488e-6+7.599419494807388e-7<4.6590551267635266e-6
revised distance squared from orbit of 2 to 25 is at most 1.604607221764158e-6.
distance squared from orbit of 2 to 25 will be revised since for 2 18 25: 7.061251228349591e-7+2.2542424581964638e-8<1.604607221764158e-6
revised distance squared from orbit of 2 to 25 is at most 1.604607221764158e-6.
distance squared from orbit of 2 to 26 will be revised since for 2 7 26: 1.3363366098697689e-5+1.3595408774010883e-5<0.00023162929264318807
revised distance squared from orbit of 2 to 26 is at most 0.00023162929264318807.
distance squared from orbit of 2 to 26 will be revised since for 2 12 26: 1.663348421524005e-8+0.00017821694368675138<0.00023162929264318807
revised distance squared from orbit of 2 to 26 is at most 9.58163236080022e-5.
distance squared from orbit of 2 to 26 will be revised since for 2 19 26: 1.393949732556095e-5+3.769987491983651e-7<9.58163236080022e-5
revised distance squared from orbit of 2 to 26 is at most 9.58163236080022e-5.
distance squared from orbit of 2 to 27 will be revised since for 2 11 27: 1.850992574903488e-6+2.4085920933492915e-8<7.503518275235685e-6
revised distance squared from orbit of 2 to 27 is at most 4.6171432435163126e-8.

distance squared from orbit of 3 to 10 will be revised since for 3 4 10: 0.3333333333498546+5.234815624435434e-12<0.39421966419748256
revised distance squared from orbit of 3 to 10 is at most 0.39421966419748256.
distance squared from orbit of 3 to 12 will be revised since for 3 8 12: 7.380034948204456e-11+0.20000000000018708<0.20000000057118705
revised distance squared from orbit of 3 to 12 is at most 0.20000000004748356.
distance squared from orbit of 3 to 13 will be revised since for 3 8 13: 7.380034948204456e-11+0.16666720871693394<0.16671933149237647
revised distance squared from orbit of 3 to 13 is at most 0.1666672092816753.
distance squared from orbit of 3 to 14 will be revised since for 3 7 14: 3.527170575322729e-5+1.4710941048008673e-5<9.813609736224402e-5
revised distance squared from orbit of 3 to 14 is at most 9.813609736224402e-5.
distance squared from orbit of 3 to 14 will be revised since for 3 8 14: 7.380034948204456e-11+2.7021844120461495e-5<9.813609736224402e-5
revised distance squared from orbit of 3 to 14 is at most 2.4616826769190398e-5.
distance squared from orbit of 3 to 17 will be revised since for 3 7 17: 3.527170575322729e-5+1.263027595839269e-6<0.0001376936905319114
revised distance squared from orbit of 3 to 17 is at most 0.0001376936905319114.
distance squared from orbit of 3 to 17 will be revised since for 3 11 17: 6.601126894990639e-7+1.1476213308831052e-6<0.0001376936905319114
revised distance squared from orbit of 3 to 17 is at most 2.238828496653235e-6.
distance squared from orbit of 3 to 18 will be revised since for 3 8 18: 7.380034948204456e-11+6.06350248588218e-7<5.866148221156106e-5
revised distance squared from orbit of 3 to 18 is at most 6.045534248864916e-7.
distance squared from orbit of 3 to 19 will be revised since for 3 7 19: 3.527170575322729e-5+4.6786606460233565e-6<9.955414290933667e-5
revised distance squared from orbit of 3 to 19 is at most 9.955414290933667e-5.
distance squared from orbit of 3 to 19 will be revised since for 3 14 19: 2.4616826769190398e-5+7.23677262424707e-7<9.955414290933667e-5
revised distance squared from orbit of 3 to 19 is at most 1.4660810773147276e-5.
distance squared from orbit of 3 to 20 will be revised since for 3 8 20: 7.380034948204456e-11+1.5817583094188067e-6<7.592315713179691e-5
revised distance squared from orbit of 3 to 20 is at most 1.5810956780928575e-6.
distance squared from orbit of 3 to 21 will be revised since for 3 13 21: 0.1666672092816753+0.20000000147282754<0.4000000000000358
revised distance squared from orbit of 3 to 21 is at most 0.4000000000000358.
distance squared from orbit of 3 to 21 will be revised since for 3 23 21: 0.16667864580991185+0.20000000000001478<0.4000000000000358
revised distance squared from orbit of 3 to 21 is at most 0.4000000000000358.
distance squared from orbit of 3 to 23 will be revised since for 3 8 23: 7.380034948204456e-11+0.1666680786297943<0.16667864580991185
revised distance squared from orbit of 3 to 23 is at most 0.16666769005907942.
distance squared from orbit of 3 to 23 will be revised since for 3 13 23: 0.1666672092816753+3.613115657003716e-9<0.16666769005907942
revised distance squared from orbit of 3 to 23 is at most 0.16666769005907942.
distance squared from orbit of 3 to 23 will be revised since for 3 18 23: 6.045534248864916e-7+0.16666666960961546<0.16666769005907942
revised distance squared from orbit of 3 to 23 is at most 0.16666769005907942.
distance squared from orbit of 3 to 24 will be revised since for 3 7 24: 3.527170575322729e-5+0.20051249941186536<0.20510246659205997
revised distance squared from orbit of 3 to 24 is at most 0.20510246659205997.
distance squared from orbit of 3 to 24 will be revised since for 3 14 24: 2.4616826769190398e-5+0.2001726770740916<0.20510246659205997
revised distance squared from orbit of 3 to 24 is at most 0.20092240254358745.
distance squared from orbit of 3 to 24 will be revised since for 3 19 24: 1.4660810773147276e-5+0.20003145517115023<0.20092240254358745
revised distance squared from orbit of 3 to 24 is at most 0.20092240254358745.
distance squared from orbit of 3 to 24 will be revised since for 3 26 24: 0.00019614727095628774+0.2000000000043958<0.20092240254358745
revised distance squared from orbit of 3 to 24 is at most 0.20089458152857734.
distance squared from orbit of 3 to 25 will be revised since for 3 8 25: 7.380034948204456e-11+2.313516512584589e-6<1.027198853320242e-5
revised distance squared from orbit of 3 to 25 is at most 2.1748892904508227e-6.
distance squared from orbit of 3 to 25 will be revised since for 3 11 25: 6.601126894990639e-7+7.599419494807388e-7<2.1748892904508227e-6
revised distance squared from orbit of 3 to 25 is at most 1.4239090463950962e-6.
distance squared from orbit of 3 to 25 will be revised since for 3 18 25: 6.045534248864916e-7+2.2542424581964638e-8<1.4239090463950962e-6
revised distance squared from orbit of 3 to 25 is at most 1.4239090463950962e-6.
distance squared from orbit of 3 to 26 will be revised since for 3 7 26: 3.527170575322729e-5+1.3595408774010883e-5<0.00019614727095628774
revised distance squared from orbit of 3 to 26 is at most 0.00019614727095628774.
distance squared from orbit of 3 to 26 will be revised since for 3 14 26: 2.4616826769190398e-5+6.606043966159685e-7<0.00019614727095628774
revised distance squared from orbit of 3 to 26 is at most 0.00019614727095628774.
distance squared from orbit of 3 to 26 will be revised since for 3 19 26: 1.4660810773147276e-5+3.769987491983651e-7<0.00019614727095628774
revised distance squared from orbit of 3 to 26 is at most 0.00019614727095628774.
distance squared from orbit of 3 to 27 will be revised since for 3 11 27: 6.601126894990639e-7+2.4085920933492915e-8<4.6711044303272285e-6
revised distance squared from orbit of 3 to 27 is at most 8.598922428719407e-8.

distance squared from orbit of 4 to 2 will be revised since for 4 10 2: 5.234815624435434e-12+0.5000000015327628<0.5000000353950327
revised distance squared from orbit of 4 to 2 is at most 0.5000000014725496.
distance squared from orbit of 4 to 3 will be revised since for 4 1 3: 0.5000000000002175+7.805776850455649e-12<0.5000000005038238
revised distance squared from orbit of 4 to 3 is at most 0.5000000005038238.
distance squared from orbit of 4 to 5 will be revised since for 4 10 5: 5.234815624435434e-12+0.6666666666756451<0.6666686162417194
revised distance squared from orbit of 4 to 5 is at most 0.6666666667043218.
distance squared from orbit of 4 to 6 will be revised since for 4 18 6: 6.295813137326553e-7+0.3333333333333851<0.33333410505284267
revised distance squared from orbit of 4 to 6 is at most 0.3333333378743082.
distance squared from orbit of 4 to 7 will be revised since for 4 1 7: 0.5000000000002175+3.737521804908807e-6<0.5572454878309517
revised distance squared from orbit of 4 to 7 is at most 0.5572454878309517.
distance squared from orbit of 4 to 7 will be revised since for 4 2 7: 0.5000000014725496+1.3363366098697689e-5<0.5572454878309517
revised distance squared from orbit of 4 to 7 is at most 0.5572454878309517.
distance squared from orbit of 4 to 7 will be revised since for 4 3 7: 0.5000000005038238+3.527170575322729e-5<0.5572454878309517
revised distance squared from orbit of 4 to 7 is at most 0.5572454878309517.
distance squared from orbit of 4 to 11 will be revised since for 4 6 11: 0.3333333378743082+2.686787244106156e-7<0.3333339511341054
revised distance squared from orbit of 4 to 11 is at most 0.3333339511341054.
distance squared from orbit of 4 to 12 will be revised since for 4 8 12: 2.399943510470258e-7+0.20000000000018708<0.20000034723523388
revised distance squared from orbit of 4 to 12 is at most 0.20000001888187613.
distance squared from orbit of 4 to 13 will be revised since for 4 10 13: 5.234815624435434e-12+1.4204618059276604e-10<3.489813157140084e-7
revised distance squared from orbit of 4 to 13 is at most 1.2549473829021392e-10.
distance squared from orbit of 4 to 16 will be revised since for 4 10 16: 5.234815624435434e-12+0.7000000000322955<0.7000016827447004
revised distance squared from orbit of 4 to 16 is at most 0.7000000000459008.
distance squared from orbit of 4 to 17 will be revised since for 4 13 17: 1.2549473829021392e-10+0.3260778430985924<0.3260784564094249
revised distance squared from orbit of 4 to 17 is at most 0.3260784564094249.
distance squared from orbit of 4 to 17 will be revised since for 4 18 17: 6.295813137326553e-7+0.32607687371707106<0.3260784564094249
revised distance squared from orbit of 4 to 17 is at most 0.3260768772187913.
distance squared from orbit of 4 to 19 will be revised since for 4 8 19: 2.399943510470258e-7+0.0001400925454269904<0.0002657372119160947
revised distance squared from orbit of 4 to 19 is at most 0.0001082125591093311.
distance squared from orbit of 4 to 19 will be revised since for 4 14 19: 5.228921576876884e-6+7.23677262424707e-7<0.0001082125591093311
revised distance squared from orbit of 4 to 19 is at most 0.0001082125591093311.
distance squared from orbit of 4 to 20 will be revised since for 4 8 20: 2.399943510470258e-7+1.5817583094188067e-6<3.730956424811539e-5
revised distance squared from orbit of 4 to 20 is at most 3.7516346748002733e-6.
distance squared from orbit of 4 to 21 will be revised since for 4 10 21: 5.234815624435434e-12+0.20000000003043522<0.4000000000003281
revised distance squared from orbit of 4 to 21 is at most 0.20000000006842075.
distance squared from orbit of 4 to 22 will be revised since for 4 1 22: 0.5000000000002175+8.55337840172618e-7<0.5000018624922389
revised distance squared from orbit of 4 to 22 is at most 0.5000018624922389.
distance squared from orbit of 4 to 22 will be revised since for 4 2 22: 0.5000000014725496+1.6213807088124096e-6<0.5000018624922389
revised distance squared from orbit of 4 to 22 is at most 0.5000018624922389.
distance squared from orbit of 4 to 22 will be revised since for 4 6 22: 0.3333333378743082+5.8062241766333415e-5<0.5000018624922389
revised distance squared from orbit of 4 to 22 is at most 0.5000018624922389.
distance squared from orbit of 4 to 22 will be revised since for 4 8 22: 2.399943510470258e-7+0.5000008984852868<0.5000018624922389
revised distance squared from orbit of 4 to 22 is at most 0.500001129404724.
distance squared from orbit of 4 to 22 will be revised since for 4 11 22: 0.3333339511341054+1.235564730351733e-5<0.500001129404724
revised distance squared from orbit of 4 to 22 is at most 0.500001129404724.
distance squared from orbit of 4 to 22 will be revised since for 4 13 22: 1.2549473829021392e-10+0.5000009608537564<0.500001129404724
revised distance squared from orbit of 4 to 22 is at most 0.500001129404724.
distance squared from orbit of 4 to 22 will be revised since for 4 17 22: 0.3260768772187913+9.750836732961828e-7<0.500001129404724
revised distance squared from orbit of 4 to 22 is at most 0.500001129404724.
distance squared from orbit of 4 to 22 will be revised since for 4 18 22: 6.295813137326553e-7+0.500000000000104<0.500001129404724
revised distance squared from orbit of 4 to 22 is at most 0.5000000674433864.
distance squared from orbit of 4 to 23 will be revised since for 4 10 23: 5.234815624435434e-12+1.943331398265633e-10<6.758762993170398e-7
revised distance squared from orbit of 4 to 23 is at most 3.9186891123329705e-8.
distance squared from orbit of 4 to 23 will be revised since for 4 13 23: 1.2549473829021392e-10+3.613115657003716e-9<3.9186891123329705e-8
revised distance squared from orbit of 4 to 23 is at most 3.9186891123329705e-8.
distance squared from orbit of 4 to 24 will be revised since for 4 10 24: 5.234815624435434e-12+0.20000008817164525<0.20105533739113451
revised distance squared from orbit of 4 to 24 is at most 0.2000000380459536.
distance squared from orbit of 4 to 24 will be revised since for 4 21 24: 0.20000000006842075+1.8704434396067724e-9<0.2000000380459536
revised distance squared from orbit of 4 to 24 is at most 0.20000002437226833.
distance squared from orbit of 4 to 25 will be revised since for 4 13 25: 1.2549473829021392e-10+4.825120953945364e-7<1.8771333721754764e-6
revised distance squared from orbit of 4 to 25 is at most 1.8771333721754764e-6.
distance squared from orbit of 4 to 25 will be revised since for 4 18 25: 6.295813137326553e-7+2.2542424581964638e-8<1.8771333721754764e-6
revised distance squared from orbit of 4 to 25 is at most 1.8771333721754764e-6.
distance squared from orbit of 4 to 25 will be revised since for 4 23 25: 3.9186891123329705e-8+9.665251415174035e-7<1.8771333721754764e-6
revised distance squared from orbit of 4 to 25 is at most 1.8771333721754764e-6.
distance squared from orbit of 4 to 26 will be revised since for 4 8 26: 2.399943510470258e-7+0.0002165076757744574<0.00030059311779385555
revised distance squared from orbit of 4 to 26 is at most 0.00017704146984867395.
distance squared from orbit of 4 to 26 will be revised since for 4 10 26: 5.234815624435434e-12+2.593119713740453e-5<0.00017704146984867395
revised distance squared from orbit of 4 to 26 is at most 2.3536344560586534e-5.
distance squared from orbit of 4 to 26 will be revised since for 4 14 26: 5.228921576876884e-6+6.606043966159685e-7<2.3536344560586534e-5
revised distance squared from orbit of 4 to 26 is at most 2.3536344560586534e-5.
distance squared from orbit of 4 to 26 will be revised since for 4 23 26: 3.9186891123329705e-8+1.612706232522123e-5<2.3536344560586534e-5
revised distance squared from orbit of 4 to 26 is at most 2.3536344560586534e-5.
distance squared from orbit of 4 to 27 will be revised since for 4 8 27: 2.399943510470258e-7+5.114882964073646e-6<0.00012553756363439317
revised distance squared from orbit of 4 to 27 is at most 1.6067224450061832e-5.
distance squared from orbit of 4 to 27 will be revised since for 4 14 27: 5.228921576876884e-6+9.196021435595674e-6<1.6067224450061832e-5
revised distance squared from orbit of 4 to 27 is at most 1.2490883388787412e-5.
distance squared from orbit of 4 to 27 will be revised since for 4 18 27: 6.295813137326553e-7+1.6852438882707318e-6<1.2490883388787412e-5
revised distance squared from orbit of 4 to 27 is at most 1.2490883388787412e-5.
distance squared from orbit of 4 to 27 will be revised since for 4 20 27: 3.7516346748002733e-6+2.8689681112330136e-8<1.2490883388787412e-5
revised distance squared from orbit of 4 to 27 is at most 1.2490883388787412e-5.
distance squared from orbit of 4 to 27 will be revised since for 4 25 27: 1.8771333721754764e-6+4.14283971197918e-8<1.2490883388787412e-5
revised distance squared from orbit of 4 to 27 is at most 1.2490883388787412e-5.

distance squared from orbit of 5 to 7 will be revised since for 5 2 7: 0.4000000000002914+1.3363366098697689e-5<0.4021790995729492
revised distance squared from orbit of 5 to 7 is at most 0.4021790995729492.
distance squared from orbit of 5 to 8 will be revised since for 5 18 8: 1.8503968767362432e-6+0.5000009538810276<0.5000165996930699
revised distance squared from orbit of 5 to 8 is at most 0.5000165996930699.
distance squared from orbit of 5 to 8 will be revised since for 5 20 8: 1.168420505571088e-6+0.5000003508622973<0.5000165996930699
revised distance squared from orbit of 5 to 8 is at most 0.5000003665132761.
distance squared from orbit of 5 to 10 will be revised since for 5 18 10: 1.8503968767362432e-6+0.46078472443212115<0.460808308928975
revised distance squared from orbit of 5 to 10 is at most 0.46078601053001045.
distance squared from orbit of 5 to 13 will be revised since for 5 18 13: 1.8503968767362432e-6+0.16666666666682453<0.16677546720789996
revised distance squared from orbit of 5 to 13 is at most 0.16666726670568827.
distance squared from orbit of 5 to 15 will be revised since for 5 19 15: 0.14285772146888634+0.3334064953056072<0.4768107655602449
revised distance squared from orbit of 5 to 15 is at most 0.4768107655602449.
distance squared from orbit of 5 to 15 will be revised since for 5 26 15: 0.14285937586572744+0.33333333333655313<0.4768107655602449
revised distance squared from orbit of 5 to 15 is at most 0.4768107655602449.
distance squared from orbit of 5 to 17 will be revised since for 5 11 17: 0.0001315547549988315+1.1476213308831052e-6<0.00020741243174856168
revised distance squared from orbit of 5 to 17 is at most 0.00020741243174856168.
distance squared from orbit of 5 to 21 will be revised since for 5 11 21: 0.0001315547549988315+0.40000030187178515<0.5600000000001714
revised distance squared from orbit of 5 to 21 is at most 0.4290229358783498.
distance squared from orbit of 5 to 21 will be revised since for 5 13 21: 0.16666726670568827+0.20000000147282754<0.4290229358783498
revised distance squared from orbit of 5 to 21 is at most 0.4000009674265151.
distance squared from orbit of 5 to 21 will be revised since for 5 23 21: 0.16779626601156186+0.20000000000001478<0.4000009674265151
revised distance squared from orbit of 5 to 21 is at most 0.4000009674265151.
distance squared from orbit of 5 to 23 will be revised since for 5 11 23: 0.0001315547549988315+0.1666670423896691<0.16779626601156186
revised distance squared from orbit of 5 to 23 is at most 0.16779626601156186.
distance squared from orbit of 5 to 23 will be revised since for 5 13 23: 0.16666726670568827+3.613115657003716e-9<0.16779626601156186
revised distance squared from orbit of 5 to 23 is at most 0.16666745478470435.
distance squared from orbit of 5 to 24 will be revised since for 5 13 24: 0.16666726670568827+0.20000008120173104<0.40000445853354255
revised distance squared from orbit of 5 to 24 is at most 0.40000445853354255.
distance squared from orbit of 5 to 24 will be revised since for 5 18 24: 1.8503968767362432e-6+0.4000012916451674<0.40000445853354255
revised distance squared from orbit of 5 to 24 is at most 0.40000445853354255.
distance squared from orbit of 5 to 24 will be revised since for 5 19 24: 0.14285772146888634+0.20003145517115023<0.40000445853354255
revised distance squared from orbit of 5 to 24 is at most 0.40000445853354255.
distance squared from orbit of 5 to 24 will be revised since for 5 20 24: 1.168420505571088e-6+0.4000000057795004<0.40000445853354255
revised distance squared from orbit of 5 to 24 is at most 0.40000001809067837.
distance squared from orbit of 5 to 24 will be revised since for 5 23 24: 0.16666745478470435+0.20000000010320002<0.40000001809067837
revised distance squared from orbit of 5 to 24 is at most 0.40000001809067837.
distance squared from orbit of 5 to 24 will be revised since for 5 26 24: 0.14285937586572744+0.2000000000043958<0.40000001809067837
revised distance squared from orbit of 5 to 24 is at most 0.40000001809067837.
distance squared from orbit of 5 to 25 will be revised since for 5 18 25: 1.8503968767362432e-6+2.2542424581964638e-8<9.969997063816935e-5
revised distance squared from orbit of 5 to 25 is at most 1.1717577263504741e-5.
distance squared from orbit of 5 to 25 will be revised since for 5 20 25: 1.168420505571088e-6+3.613705994822693e-7<1.1717577263504741e-5
revised distance squared from orbit of 5 to 25 is at most 1.1717577263504741e-5.
distance squared from orbit of 5 to 26 will be revised since for 5 19 26: 0.14285772146888634+3.769987491983651e-7<0.14285937586572744
revised distance squared from orbit of 5 to 26 is at most 0.14285937586572744.
distance squared from orbit of 5 to 26 will be revised since for 5 20 26: 1.168420505571088e-6+0.1428571508483234<0.14285937586572744
revised distance squared from orbit of 5 to 26 is at most 0.1428571643108602.
distance squared from orbit of 5 to 27 will be revised since for 5 20 27: 1.168420505571088e-6+2.8689681112330136e-8<1.8305959496926984e-6
revised distance squared from orbit of 5 to 27 is at most 5.9787753633449e-8.

distance squared from orbit of 6 to 1 will be revised since for 6 12 1: 0.40000001310406164+0.5000000000000222<0.9656655010670664
revised distance squared from orbit of 6 to 1 is at most 0.9656655010670664.
distance squared from orbit of 6 to 1 will be revised since for 6 13 1: 0.16666667635466953+0.6666666666668133<0.9656655010670664
revised distance squared from orbit of 6 to 1 is at most 0.9656655010670664.
distance squared from orbit of 6 to 5 will be revised since for 6 11 5: 2.686787244106156e-7+0.5000000067626225<0.500035137038767
revised distance squared from orbit of 6 to 5 is at most 0.500035137038767.
distance squared from orbit of 6 to 5 will be revised since for 6 17 5: 7.605329686152696e-7+0.500000000567791<0.500035137038767
revised distance squared from orbit of 6 to 5 is at most 0.500035137038767.
distance squared from orbit of 6 to 7 will be revised since for 6 2 7: 0.5000000073290595+1.3363366098697689e-5<0.5000450155087698
revised distance squared from orbit of 6 to 7 is at most 0.5000450155087698.
distance squared from orbit of 6 to 7 will be revised since for 6 11 7: 2.686787244106156e-7+0.5000168471779197<0.5000450155087698
revised distance squared from orbit of 6 to 7 is at most 0.5000450155087698.
distance squared from orbit of 6 to 7 will be revised since for 6 17 7: 7.605329686152696e-7+0.5000000640379387<0.5000450155087698
revised distance squared from orbit of 6 to 7 is at most 0.5000450155087698.
distance squared from orbit of 6 to 8 will be revised since for 6 11 8: 2.686787244106156e-7+0.5000002170686592<0.500002441762611
revised distance squared from orbit of 6 to 8 is at most 0.5000002629894226.
distance squared from orbit of 6 to 8 will be revised since for 6 25 8: 1.2486974959020576e-8+0.5000000001644399<0.5000002629894226
revised distance squared from orbit of 6 to 8 is at most 0.5000002629894226.
distance squared from orbit of 6 to 9 will be revised since for 6 12 9: 0.40000001310406164+0.2500000000000293<0.7268408756027565
revised distance squared from orbit of 6 to 9 is at most 0.7268408756027565.
distance squared from orbit of 6 to 9 will be revised since for 6 13 9: 0.16666667635466953+0.5000000000001109<0.7268408756027565
revised distance squared from orbit of 6 to 9 is at most 0.7268408756027565.
distance squared from orbit of 6 to 9 will be revised since for 6 23 9: 0.16666667024741744+0.5000000000000189<0.7268408756027565
revised distance squared from orbit of 6 to 9 is at most 0.7268408756027565.
distance squared from orbit of 6 to 15 will be revised since for 6 19 15: 0.14285733001712395+0.3334064953056072<0.5000000048715286
revised distance squared from orbit of 6 to 15 is at most 0.5000000048715286.
distance squared from orbit of 6 to 15 will be revised since for 6 23 15: 0.16666667024741744+0.333333333536027<0.5000000048715286
revised distance squared from orbit of 6 to 15 is at most 0.5000000048715286.
distance squared from orbit of 6 to 15 will be revised since for 6 26 15: 0.1428575949754177+0.33333333333655313<0.5000000048715286
revised distance squared from orbit of 6 to 15 is at most 0.5000000048715286.
distance squared from orbit of 6 to 16 will be revised since for 6 11 16: 2.686787244106156e-7+0.4000000832701194<0.4001737557589586
revised distance squared from orbit of 6 to 16 is at most 0.4001640645247151.
distance squared from orbit of 6 to 16 will be revised since for 6 17 16: 7.605329686152696e-7+0.4000000064121565<0.4001640645247151
revised distance squared from orbit of 6 to 16 is at most 0.400014388943892.
distance squared from orbit of 6 to 21 will be revised since for 6 13 21: 0.16666667635466953+0.20000000147282754<0.4000000024690921
revised distance squared from orbit of 6 to 21 is at most 0.4000000024690921.
distance squared from orbit of 6 to 21 will be revised since for 6 23 21: 0.16666667024741744+0.20000000000001478<0.4000000024690921
revised distance squared from orbit of 6 to 21 is at most 0.4000000016244594.
distance squared from orbit of 6 to 22 will be revised since for 6 11 22: 2.686787244106156e-7+1.235564730351733e-5<5.8062241766333415e-5
revised distance squared from orbit of 6 to 22 is at most 5.8062241766333415e-5.
distance squared from orbit of 6 to 22 will be revised since for 6 17 22: 7.605329686152696e-7+9.750836732961828e-7<5.8062241766333415e-5
revised distance squared from orbit of 6 to 22 is at most 5.8062241766333415e-5.
distance squared from orbit of 6 to 24 will be revised since for 6 11 24: 2.686787244106156e-7+0.400000024519607<0.4000023160470167
revised distance squared from orbit of 6 to 24 is at most 0.4000000871024199.
distance squared from orbit of 6 to 24 will be revised since for 6 13 24: 0.16666667635466953+0.20000008120173104<0.4000000871024199
revised distance squared from orbit of 6 to 24 is at most 0.4000000871024199.
distance squared from orbit of 6 to 24 will be revised since for 6 19 24: 0.14285733001712395+0.20003145517115023<0.4000000871024199
revised distance squared from orbit of 6 to 24 is at most 0.4000000871024199.
distance squared from orbit of 6 to 24 will be revised since for 6 21 24: 0.4000000016244594+1.8704434396067724e-9<0.4000000871024199
revised distance squared from orbit of 6 to 24 is at most 0.4000000871024199.
distance squared from orbit of 6 to 24 will be revised since for 6 23 24: 0.16666667024741744+0.20000000010320002<0.4000000871024199
revised distance squared from orbit of 6 to 24 is at most 0.4000000871024199.
distance squared from orbit of 6 to 24 will be revised since for 6 25 24: 1.2486974959020576e-8+0.40000000013698894<0.4000000871024199
revised distance squared from orbit of 6 to 24 is at most 0.4000000871024199.
distance squared from orbit of 6 to 24 will be revised since for 6 26 24: 0.1428575949754177+0.2000000000043958<0.4000000871024199
revised distance squared from orbit of 6 to 24 is at most 0.4000000871024199.
distance squared from orbit of 6 to 26 will be revised since for 6 11 26: 2.686787244106156e-7+0.1428571562857499<0.1428575949754177
revised distance squared from orbit of 6 to 26 is at most 0.1428571696931863.
distance squared from orbit of 6 to 27 will be revised since for 6 11 27: 2.686787244106156e-7+2.4085920933492915e-8<6.783155364472417e-7
revised distance squared from orbit of 6 to 27 is at most 3.0285994281009614e-8.

distance squared from orbit of 7 to 1 will be revised since for 7 8 1: 0.4573530652113512+0.5000000000000856<0.965750809195094
revised distance squared from orbit of 7 to 1 is at most 0.965750809195094.
distance squared from orbit of 7 to 1 will be revised since for 7 12 1: 0.4000273511887505+0.5000000000000222<0.965750809195094
revised distance squared from orbit of 7 to 1 is at most 0.965750809195094.
distance squared from orbit of 7 to 1 will be revised since for 7 19 1: 4.6786606460233565e-6+0.9656654787732917<0.965750809195094
revised distance squared from orbit of 7 to 1 is at most 0.965750809195094.
distance squared from orbit of 7 to 2 will be revised since for 7 11 2: 0.0003164591535334058+0.5000000675766444<0.6581447469112336
revised distance squared from orbit of 7 to 2 is at most 0.5104765336224075.
distance squared from orbit of 7 to 2 will be revised since for 7 14 2: 1.4710941048008673e-5+0.5000000308592726<0.5104765336224075
revised distance squared from orbit of 7 to 2 is at most 0.5104765336224075.
distance squared from orbit of 7 to 4 will be revised since for 7 11 4: 0.0003164591535334058+0.6666671730709346<0.6672132063510803
revised distance squared from orbit of 7 to 4 is at most 0.6667172947764898.
distance squared from orbit of 7 to 4 will be revised since for 7 14 4: 1.4710941048008673e-5+0.6666676241545804<0.6667172947764898
revised distance squared from orbit of 7 to 4 is at most 0.6667172947764898.
distance squared from orbit of 7 to 4 will be revised since for 7 17 4: 1.263027595839269e-6+0.6666678300960925<0.6667172947764898
revised distance squared from orbit of 7 to 4 is at most 0.6666683152727878.
distance squared from orbit of 7 to 9 will be revised since for 7 8 9: 0.4573530652113512+0.25000000000004585<0.750002001507617
revised distance squared from orbit of 7 to 9 is at most 0.750002001507617.
distance squared from orbit of 7 to 9 will be revised since for 7 11 9: 0.0003164591535334058+0.7268409429801785<0.750002001507617
revised distance squared from orbit of 7 to 9 is at most 0.731705726838949.
distance squared from orbit of 7 to 9 will be revised since for 7 12 9: 0.4000273511887505+0.2500000000000293<0.731705726838949
revised distance squared from orbit of 7 to 9 is at most 0.731705726838949.
distance squared from orbit of 7 to 9 will be revised since for 7 14 9: 1.4710941048008673e-5+0.7268408375253317<0.731705726838949
revised distance squared from orbit of 7 to 9 is at most 0.731705726838949.
distance squared from orbit of 7 to 9 will be revised since for 7 23 9: 0.16704960052435328+0.5000000000000189<0.731705726838949
revised distance squared from orbit of 7 to 9 is at most 0.731705726838949.
distance squared from orbit of 7 to 10 will be revised since for 7 11 10: 0.0003164591535334058+0.460784766899273<0.47197405589179087
revised distance squared from orbit of 7 to 10 is at most 0.47197405589179087.
distance squared from orbit of 7 to 10 will be revised since for 7 14 10: 1.4710941048008673e-5+0.4607847497730677<0.47197405589179087
revised distance squared from orbit of 7 to 10 is at most 0.47197405589179087.
distance squared from orbit of 7 to 12 will be revised since for 7 19 12: 4.6786606460233565e-6+0.40000000327445356<0.4000273511887505
revised distance squared from orbit of 7 to 12 is at most 0.4000273511887505.
distance squared from orbit of 7 to 13 will be revised since for 7 11 13: 0.0003164591535334058+0.16666679187421402<0.3333333385874029
revised distance squared from orbit of 7 to 13 is at most 0.1950300971310746.
distance squared from orbit of 7 to 13 will be revised since for 7 14 13: 1.4710941048008673e-5+0.16666670501096717<0.1950300971310746
revised distance squared from orbit of 7 to 13 is at most 0.1950300971310746.
distance squared from orbit of 7 to 15 will be revised since for 7 19 15: 4.6786606460233565e-6+0.3334064953056072<0.3341689293955073
revised distance squared from orbit of 7 to 15 is at most 0.33343568032807536.
distance squared from orbit of 7 to 15 will be revised since for 7 26 15: 1.3595408774010883e-5+0.33333333333655313<0.33343568032807536
revised distance squared from orbit of 7 to 15 is at most 0.33343568032807536.
distance squared from orbit of 7 to 18 will be revised since for 7 11 18: 0.0003164591535334058+3.1807084935053145e-7<0.14287523465596075
revised distance squared from orbit of 7 to 18 is at most 0.010592570464317544.
distance squared from orbit of 7 to 18 will be revised since for 7 14 18: 1.4710941048008673e-5+8.589828039503053e-7<0.010592570464317544
revised distance squared from orbit of 7 to 18 is at most 0.010592570464317544.
distance squared from orbit of 7 to 20 will be revised since for 7 11 20: 0.0003164591535334058+1.3610424828204714e-6<0.00036452536926646613
revised distance squared from orbit of 7 to 20 is at most 0.00036452536926646613.
distance squared from orbit of 7 to 20 will be revised since for 7 14 20: 1.4710941048008673e-5+2.7703186720002404e-5<0.00036452536926646613
revised distance squared from orbit of 7 to 20 is at most 4.4924332853407474e-5.
distance squared from orbit of 7 to 20 will be revised since for 7 17 20: 1.263027595839269e-6+6.397895702854957e-6<4.4924332853407474e-5
revised distance squared from orbit of 7 to 20 is at most 4.4924332853407474e-5.
distance squared from orbit of 7 to 20 will be revised since for 7 19 20: 4.6786606460233565e-6+7.246916594675523e-7<4.4924332853407474e-5
revised distance squared from orbit of 7 to 20 is at most 1.306905443653108e-5.
distance squared from orbit of 7 to 21 will be revised since for 7 13 21: 0.1950300971310746+0.20000000147282754<0.40024849027647497
revised distance squared from orbit of 7 to 21 is at most 0.40024849027647497.
distance squared from orbit of 7 to 21 will be revised since for 7 14 21: 1.4710941048008673e-5+0.4000000940194731<0.40024849027647497
revised distance squared from orbit of 7 to 21 is at most 0.40024849027647497.
distance squared from orbit of 7 to 21 will be revised since for 7 17 21: 1.263027595839269e-6+0.40000050723038166<0.40024849027647497
revised distance squared from orbit of 7 to 21 is at most 0.4000013943126086.
distance squared from orbit of 7 to 21 will be revised since for 7 23 21: 0.16704960052435328+0.20000000000001478<0.4000013943126086
revised distance squared from orbit of 7 to 21 is at most 0.4000013943126086.
distance squared from orbit of 7 to 23 will be revised since for 7 11 23: 0.0003164591535334058+0.1666670423896691<0.16704960052435328
revised distance squared from orbit of 7 to 23 is at most 0.16681441672234057.
distance squared from orbit of 7 to 23 will be revised since for 7 14 23: 1.4710941048008673e-5+0.16666691853069346<0.16681441672234057
revised distance squared from orbit of 7 to 23 is at most 0.16681441672234057.
distance squared from orbit of 7 to 23 will be revised since for 7 17 23: 1.263027595839269e-6+0.16666729282721915<0.16681441672234057
revised distance squared from orbit of 7 to 23 is at most 0.1666679955210553.
distance squared from orbit of 7 to 24 will be revised since for 7 14 24: 1.4710941048008673e-5+0.2001726770740916<0.20051249941186536
revised distance squared from orbit of 7 to 24 is at most 0.2001302026871585.
distance squared from orbit of 7 to 24 will be revised since for 7 19 24: 4.6786606460233565e-6+0.20003145517115023<0.2001302026871585
revised distance squared from orbit of 7 to 24 is at most 0.20009785545474057.
distance squared from orbit of 7 to 24 will be revised since for 7 26 24: 1.3595408774010883e-5+0.2000000000043958<0.20009785545474057
revised distance squared from orbit of 7 to 24 is at most 0.20009785545474057.
distance squared from orbit of 7 to 25 will be revised since for 7 11 25: 0.0003164591535334058+7.599419494807388e-7<0.000348225454484231
revised distance squared from orbit of 7 to 25 is at most 0.000348225454484231.
distance squared from orbit of 7 to 25 will be revised since for 7 14 25: 1.4710941048008673e-5+1.221372786969346e-6<0.000348225454484231
revised distance squared from orbit of 7 to 25 is at most 0.000348225454484231.
distance squared from orbit of 7 to 25 will be revised since for 7 17 25: 1.263027595839269e-6+1.7858696746781515e-6<0.000348225454484231
revised distance squared from orbit of 7 to 25 is at most 3.161600266375427e-6.
distance squared from orbit of 7 to 26 will be revised since for 7 19 26: 4.6786606460233565e-6+3.769987491983651e-7<1.3595408774010883e-5
revised distance squared from orbit of 7 to 26 is at most 3.945052916295837e-6.
distance squared from orbit of 7 to 27 will be revised since for 7 17 27: 1.263027595839269e-6+3.78833898929077e-7<1.6116919434028126e-5
revised distance squared from orbit of 7 to 27 is at most 9.367349159776999e-7.

distance squared from orbit of 8 to 2 will be revised since for 8 1 2: 0.5000000000000856+4.7390670297129574e-7<0.5000005450292522
revised distance squared from orbit of 8 to 2 is at most 0.5000005450292522.
distance squared from orbit of 8 to 6 will be revised since for 8 18 6: 6.06350248588218e-7+0.3333333333333851<0.33333469488461986
revised distance squared from orbit of 8 to 6 is at most 0.3333334121541456.
distance squared from orbit of 8 to 7 will be revised since for 8 1 7: 0.5000000000000856+3.737521804908807e-6<0.5941322384156831
revised distance squared from orbit of 8 to 7 is at most 0.5941322384156831.
distance squared from orbit of 8 to 7 will be revised since for 8 2 7: 0.5000005450292522+1.3363366098697689e-5<0.5941322384156831
revised distance squared from orbit of 8 to 7 is at most 0.5941322384156831.
distance squared from orbit of 8 to 7 will be revised since for 8 3 7: 0.5000000000000409+3.527170575322729e-5<0.5941322384156831
revised distance squared from orbit of 8 to 7 is at most 0.5941322384156831.
distance squared from orbit of 8 to 10 will be revised since for 8 4 10: 0.33333333333335075+5.234815624435434e-12<0.39421966414260984
revised distance squared from orbit of 8 to 10 is at most 0.39421966414260984.
distance squared from orbit of 8 to 11 will be revised since for 8 6 11: 0.3333334121541456+2.686787244106156e-7<0.33333498896412356
revised distance squared from orbit of 8 to 11 is at most 0.33333498896412356.
distance squared from orbit of 8 to 11 will be revised since for 8 18 11: 6.06350248588218e-7+0.3333333333334648<0.33333498896412356
revised distance squared from orbit of 8 to 11 is at most 0.3333333773733917.
distance squared from orbit of 8 to 16 will be revised since for 8 6 16: 0.3333334121541456+0.400014388943892<0.8000000000002945
revised distance squared from orbit of 8 to 16 is at most 0.8000000000002945.
distance squared from orbit of 8 to 16 will be revised since for 8 11 16: 0.3333333773733917+0.4000000832701194<0.8000000000002945
revised distance squared from orbit of 8 to 16 is at most 0.8000000000002945.
distance squared from orbit of 8 to 16 will be revised since for 8 17 16: 0.3260805082740401+0.4000000064121565<0.8000000000002945
revised distance squared from orbit of 8 to 16 is at most 0.8000000000002945.
distance squared from orbit of 8 to 17 will be revised since for 8 18 17: 6.06350248588218e-7+0.32607687371707106<0.3260805082740401
revised distance squared from orbit of 8 to 17 is at most 0.3260769682961188.
distance squared from orbit of 8 to 19 will be revised since for 8 14 19: 2.7021844120461495e-5+7.23677262424707e-7<0.0001400925454269904
revised distance squared from orbit of 8 to 19 is at most 2.5821646947793584e-5.
distance squared from orbit of 8 to 21 will be revised since for 8 13 21: 0.16666720871693394+0.20000000147282754<0.40000000000043157
revised distance squared from orbit of 8 to 21 is at most 0.40000000000043157.
distance squared from orbit of 8 to 21 will be revised since for 8 23 21: 0.1666680786297943+0.20000000000001478<0.40000000000043157
revised distance squared from orbit of 8 to 21 is at most 0.40000000000043157.
distance squared from orbit of 8 to 22 will be revised since for 8 1 22: 0.5000000000000856+8.55337840172618e-7<0.5000008984852868
revised distance squared from orbit of 8 to 22 is at most 0.5000008984852868.
distance squared from orbit of 8 to 22 will be revised since for 8 6 22: 0.3333334121541456+5.8062241766333415e-5<0.5000008984852868
revised distance squared from orbit of 8 to 22 is at most 0.5000008984852868.
distance squared from orbit of 8 to 22 will be revised since for 8 11 22: 0.3333333773733917+1.235564730351733e-5<0.5000008984852868
revised distance squared from orbit of 8 to 22 is at most 0.5000008984852868.
distance squared from orbit of 8 to 22 will be revised since for 8 17 22: 0.3260769682961188+9.750836732961828e-7<0.5000008984852868
revised distance squared from orbit of 8 to 22 is at most 0.5000008984852868.
distance squared from orbit of 8 to 22 will be revised since for 8 18 22: 6.06350248588218e-7+0.500000000000104<0.5000008984852868
revised distance squared from orbit of 8 to 22 is at most 0.5000000953140501.
distance squared from orbit of 8 to 23 will be revised since for 8 13 23: 0.16666720871693394+3.613115657003716e-9<0.1666680786297943
revised distance squared from orbit of 8 to 23 is at most 0.1666680786297943.
distance squared from orbit of 8 to 23 will be revised since for 8 18 23: 6.06350248588218e-7+0.16666666960961546<0.1666680786297943
revised distance squared from orbit of 8 to 23 is at most 0.16666681770436975.
distance squared from orbit of 8 to 24 will be revised since for 8 14 24: 2.7021844120461495e-5+0.2001726770740916<0.20643622130016534
revised distance squared from orbit of 8 to 24 is at most 0.2001419260164852.
distance squared from orbit of 8 to 24 will be revised since for 8 19 24: 2.5821646947793584e-5+0.20003145517115023<0.2001419260164852
revised distance squared from orbit of 8 to 24 is at most 0.2001419260164852.
distance squared from orbit of 8 to 25 will be revised since for 8 18 25: 6.06350248588218e-7+2.2542424581964638e-8<2.313516512584589e-6
revised distance squared from orbit of 8 to 25 is at most 2.953228993195046e-7.
distance squared from orbit of 8 to 26 will be revised since for 8 14 26: 2.7021844120461495e-5+6.606043966159685e-7<0.0002165076757744574
revised distance squared from orbit of 8 to 26 is at most 4.065639360660219e-5.
distance squared from orbit of 8 to 26 will be revised since for 8 19 26: 2.5821646947793584e-5+3.769987491983651e-7<4.065639360660219e-5
revised distance squared from orbit of 8 to 26 is at most 4.065639360660219e-5.
distance squared from orbit of 8 to 27 will be revised since for 8 18 27: 6.06350248588218e-7+1.6852438882707318e-6<5.114882964073646e-6
revised distance squared from orbit of 8 to 27 is at most 5.114882964073646e-6.
distance squared from orbit of 8 to 27 will be revised since for 8 20 27: 1.5817583094188067e-6+2.8689681112330136e-8<5.114882964073646e-6
revised distance squared from orbit of 8 to 27 is at most 1.0921697109832985e-7.

distance squared from orbit of 9 to 3 will be revised since for 9 1 3: 0.5000000000001593+7.805776850455649e-12<0.5669872981090082
revised distance squared from orbit of 9 to 3 is at most 0.5669872981090082.
distance squared from orbit of 9 to 7 will be revised since for 9 1 7: 0.5000000000001593+3.737521804908807e-6<0.5494262597416593
revised distance squared from orbit of 9 to 7 is at most 0.5494262597416593.
distance squared from orbit of 9 to 7 will be revised since for 9 2 7: 0.50000020740378+1.3363366098697689e-5<0.5494262597416593
revised distance squared from orbit of 9 to 7 is at most 0.5494262597416593.
distance squared from orbit of 9 to 8 will be revised since for 9 12 8: 3.627459783330791e-7+0.2500001573519962<0.25000062794329564
revised distance squared from orbit of 9 to 8 is at most 0.25000013397789084.
distance squared from orbit of 9 to 10 will be revised since for 9 4 10: 0.3333333333333543+5.234815624435434e-12<0.33333333340210947
revised distance squared from orbit of 9 to 10 is at most 0.33333333340210947.
distance squared from orbit of 9 to 14 will be revised since for 9 8 14: 0.25000013397789084+2.7021844120461495e-5<0.25008800443359147
revised distance squared from orbit of 9 to 14 is at most 0.25008800443359147.
distance squared from orbit of 9 to 14 will be revised since for 9 12 14: 3.627459783330791e-7+0.2500423638177051<0.25008800443359147
revised distance squared from orbit of 9 to 14 is at most 0.2500364793918919.
distance squared from orbit of 9 to 19 will be revised since for 9 12 19: 3.627459783330791e-7+6.792441490591883e-5<0.00020692670696793178
revised distance squared from orbit of 9 to 19 is at most 5.1009640556405667e-5.
distance squared from orbit of 9 to 20 will be revised since for 9 15 20: 1.5626980557001169e-7+6.453630671211461e-7<0.00015347763063687313
revised distance squared from orbit of 9 to 20 is at most 8.77880131741515e-7.
distance squared from orbit of 9 to 22 will be revised since for 9 6 22: 0.3333335519650089+5.8062241766333415e-5<0.5000004716709037
revised distance squared from orbit of 9 to 22 is at most 0.5000004716709037.
distance squared from orbit of 9 to 22 will be revised since for 9 11 22: 0.3333335728668139+1.235564730351733e-5<0.5000004716709037
revised distance squared from orbit of 9 to 22 is at most 0.5000004716709037.
distance squared from orbit of 9 to 22 will be revised since for 9 17 22: 0.32607727590922786+9.750836732961828e-7<0.5000004716709037
revised distance squared from orbit of 9 to 22 is at most 0.5000004716709037.
distance squared from orbit of 9 to 23 will be revised since for 9 13 23: 8.205210976586141e-7+3.613115657003716e-9<9.616406833534977e-7
revised distance squared from orbit of 9 to 23 is at most 1.3369142430949293e-8.
distance squared from orbit of 9 to 25 will be revised since for 9 13 25: 8.205210976586141e-7+4.825120953945364e-7<1.5841012458733496e-6
revised distance squared from orbit of 9 to 25 is at most 1.5841012458733496e-6.
distance squared from orbit of 9 to 25 will be revised since for 9 18 25: 8.380347914419087e-7+2.2542424581964638e-8<1.5841012458733496e-6
revised distance squared from orbit of 9 to 25 is at most 3.518527372864606e-7.
distance squared from orbit of 9 to 26 will be revised since for 9 12 26: 3.627459783330791e-7+0.00017821694368675138<0.00022158840544416112
revised distance squared from orbit of 9 to 26 is at most 0.00014527287601858368.
distance squared from orbit of 9 to 26 will be revised since for 9 13 26: 8.205210976586141e-7+2.916569317815408e-5<0.00014527287601858368
revised distance squared from orbit of 9 to 26 is at most 2.4713629701279583e-5.
distance squared from orbit of 9 to 26 will be revised since for 9 23 26: 1.3369142430949293e-8+1.612706232522123e-5<2.4713629701279583e-5
revised distance squared from orbit of 9 to 26 is at most 2.1885470879687152e-5.
distance squared from orbit of 9 to 27 will be revised since for 9 12 27: 3.627459783330791e-7+1.2316670853102038e-5<7.450473630159455e-5
revised distance squared from orbit of 9 to 27 is at most 7.450473630159455e-5.
distance squared from orbit of 9 to 27 will be revised since for 9 15 27: 1.5626980557001169e-7+1.179155506353581e-6<7.450473630159455e-5
revised distance squared from orbit of 9 to 27 is at most 2.3148498232927704e-6.
distance squared from orbit of 9 to 27 will be revised since for 9 20 27: 8.77880131741515e-7+2.8689681112330136e-8<2.3148498232927704e-6
revised distance squared from orbit of 9 to 27 is at most 2.3148498232927704e-6.
distance squared from orbit of 9 to 27 will be revised since for 9 25 27: 3.518527372864606e-7+4.14283971197918e-8<2.3148498232927704e-6
revised distance squared from orbit of 9 to 27 is at most 2.0902216184975084e-6.

distance squared from orbit of 10 to 2 will be revised since for 10 13 2: 1.4204618059276604e-10+0.5000000000056285<0.5000000015327628
revised distance squared from orbit of 10 to 2 is at most 0.500000000023353.
distance squared from orbit of 10 to 6 will be revised since for 10 13 6: 1.4204618059276604e-10+0.33333407108394236<0.33333706503559646
revised distance squared from orbit of 10 to 6 is at most 0.33333390969484816.
distance squared from orbit of 10 to 7 will be revised since for 10 2 7: 0.500000000023353+1.3363366098697689e-5<0.5588006533942114
revised distance squared from orbit of 10 to 7 is at most 0.5588006533942114.
distance squared from orbit of 10 to 8 will be revised since for 10 13 8: 1.4204618059276604e-10+0.48651951039500657<0.48652147143479696
revised distance squared from orbit of 10 to 8 is at most 0.48651936803288376.
distance squared from orbit of 10 to 11 will be revised since for 10 6 11: 0.33333390969484816+2.686787244106156e-7<0.3333365197032112
revised distance squared from orbit of 10 to 11 is at most 0.3333365197032112.
distance squared from orbit of 10 to 11 will be revised since for 10 13 11: 1.4204618059276604e-10+0.33333438266905774<0.3333365197032112
revised distance squared from orbit of 10 to 11 is at most 0.33333418957930755.
distance squared from orbit of 10 to 12 will be revised since for 10 13 12: 1.4204618059276604e-10+0.40000010433417926<0.4000058448779489
revised distance squared from orbit of 10 to 12 is at most 0.4000001041691904.
distance squared from orbit of 10 to 15 will be revised since for 10 13 15: 1.4204618059276604e-10+0.33333349125856765<0.33334115263219355
revised distance squared from orbit of 10 to 15 is at most 0.33333348706219323.
distance squared from orbit of 10 to 15 will be revised since for 10 23 15: 1.943331398265633e-10+0.333333333536027<0.33333348706219323
revised distance squared from orbit of 10 to 15 is at most 0.33333348706219323.
distance squared from orbit of 10 to 17 will be revised since for 10 13 17: 1.4204618059276604e-10+0.3260778430985924<0.3260827945349805
revised distance squared from orbit of 10 to 17 is at most 0.32607761623778936.
distance squared from orbit of 10 to 18 will be revised since for 10 13 18: 1.4204618059276604e-10+6.70577031519286e-7<3.741276907243004e-6
revised distance squared from orbit of 10 to 18 is at most 6.2497385953656e-7.
distance squared from orbit of 10 to 19 will be revised since for 10 13 19: 1.4204618059276604e-10+0.00013169016679439327<0.00015499658637500342
revised distance squared from orbit of 10 to 19 is at most 0.00010405578206829336.
distance squared from orbit of 10 to 20 will be revised since for 10 14 20: 0.0001335380686589406+2.7703186720002404e-5<0.00046491331215565605
revised distance squared from orbit of 10 to 20 is at most 0.00046491331215565605.
distance squared from orbit of 10 to 20 will be revised since for 10 18 20: 6.2497385953656e-7+1.1327787210726066e-5<0.00046491331215565605
revised distance squared from orbit of 10 to 20 is at most 0.00046491331215565605.
distance squared from orbit of 10 to 20 will be revised since for 10 19 20: 0.00010405578206829336+7.246916594675523e-7<0.00046491331215565605
revised distance squared from orbit of 10 to 20 is at most 0.0003215790401518447.
distance squared from orbit of 10 to 22 will be revised since for 10 2 22: 0.500000000023353+1.6213807088124096e-6<0.5000028926686826
revised distance squared from orbit of 10 to 22 is at most 0.5000028926686826.
distance squared from orbit of 10 to 22 will be revised since for 10 6 22: 0.33333390969484816+5.8062241766333415e-5<0.5000028926686826
revised distance squared from orbit of 10 to 22 is at most 0.5000028926686826.
distance squared from orbit of 10 to 22 will be revised since for 10 11 22: 0.33333418957930755+1.235564730351733e-5<0.5000028926686826
revised distance squared from orbit of 10 to 22 is at most 0.5000028926686826.
distance squared from orbit of 10 to 22 will be revised since for 10 13 22: 1.4204618059276604e-10+0.5000009608537564<0.5000028926686826
revised distance squared from orbit of 10 to 22 is at most 0.5000009421230195.
distance squared from orbit of 10 to 22 will be revised since for 10 17 22: 0.32607761623778936+9.750836732961828e-7<0.5000009421230195
revised distance squared from orbit of 10 to 22 is at most 0.5000009421230195.
distance squared from orbit of 10 to 22 will be revised since for 10 18 22: 6.2497385953656e-7+0.500000000000104<0.5000009421230195
revised distance squared from orbit of 10 to 22 is at most 0.5000004029091097.
distance squared from orbit of 10 to 24 will be revised since for 10 13 24: 1.4204618059276604e-10+0.20000008120173104<0.20000008817164525
revised distance squared from orbit of 10 to 24 is at most 0.20000007514498166.
distance squared from orbit of 10 to 24 will be revised since for 10 21 24: 0.20000000003043522+1.8704434396067724e-9<0.20000007514498166
revised distance squared from orbit of 10 to 24 is at most 0.20000001112810134.
distance squared from orbit of 10 to 24 will be revised since for 10 23 24: 1.943331398265633e-10+0.20000000010320002<0.20000001112810134
revised distance squared from orbit of 10 to 24 is at most 0.20000001112810134.
distance squared from orbit of 10 to 25 will be revised since for 10 13 25: 1.4204618059276604e-10+4.825120953945364e-7<3.974033574189082e-6
revised distance squared from orbit of 10 to 25 is at most 4.714169674554711e-7.
distance squared from orbit of 10 to 26 will be revised since for 10 23 26: 1.943331398265633e-10+1.612706232522123e-5<2.593119713740453e-5
revised distance squared from orbit of 10 to 26 is at most 1.3337431663780173e-5.
distance squared from orbit of 10 to 27 will be revised since for 10 18 27: 6.2497385953656e-7+1.6852438882707318e-6<0.00011879476687348792
revised distance squared from orbit of 10 to 27 is at most 8.609522018356173e-5.
distance squared from orbit of 10 to 27 will be revised since for 10 25 27: 4.714169674554711e-7+4.14283971197918e-8<8.609522018356173e-5
revised distance squared from orbit of 10 to 27 is at most 8.609522018356173e-5.
distance squared from orbit of 10 to 27 will be revised since for 10 26 27: 1.3337431663780173e-5+8.322754772760513e-7<8.609522018356173e-5
revised distance squared from orbit of 10 to 27 is at most 4.344292823082422e-5.

distance squared from orbit of 11 to 1 will be revised since for 11 12 1: 0.40000001924218953+0.5000000000000222<0.9656654775749461
revised distance squared from orbit of 11 to 1 is at most 0.9656654775749461.
distance squared from orbit of 11 to 1 will be revised since for 11 13 1: 0.16666679187421402+0.6666666666668133<0.9656654775749461
revised distance squared from orbit of 11 to 1 is at most 0.9656654775749461.
distance squared from orbit of 11 to 4 will be revised since for 11 18 4: 3.1807084935053145e-7+0.6666666706541337<0.6666671730709346
revised distance squared from orbit of 11 to 4 is at most 0.6666666714253566.
distance squared from orbit of 11 to 7 will be revised since for 11 2 7: 0.5000000675766444+1.3363366098697689e-5<0.5000168471779197
revised distance squared from orbit of 11 to 7 is at most 0.5000168471779197.
distance squared from orbit of 11 to 7 will be revised since for 11 17 7: 1.1476213308831052e-6+0.5000000640379387<0.5000168471779197
revised distance squared from orbit of 11 to 7 is at most 0.5000027589764414.
distance squared from orbit of 11 to 8 will be revised since for 11 27 8: 2.4085920933492915e-8+0.5000000000000453<0.5000002170686592
revised distance squared from orbit of 11 to 8 is at most 0.5000000304567919.
distance squared from orbit of 11 to 9 will be revised since for 11 12 9: 0.40000001924218953+0.2500000000000293<0.7268409429801785
revised distance squared from orbit of 11 to 9 is at most 0.7268409429801785.
distance squared from orbit of 11 to 9 will be revised since for 11 13 9: 0.16666679187421402+0.5000000000001109<0.7268409429801785
revised distance squared from orbit of 11 to 9 is at most 0.7268409429801785.
distance squared from orbit of 11 to 9 will be revised since for 11 23 9: 0.1666670423896691+0.5000000000000189<0.7268409429801785
revised distance squared from orbit of 11 to 9 is at most 0.7268409429801785.
distance squared from orbit of 11 to 15 will be revised since for 11 19 15: 0.14285764945558704+0.3334064953056072<0.5000000009940508
revised distance squared from orbit of 11 to 15 is at most 0.5000000009940508.
distance squared from orbit of 11 to 15 will be revised since for 11 26 15: 0.1428571562857499+0.33333333333655313<0.5000000009940508
revised distance squared from orbit of 11 to 15 is at most 0.5000000009940508.
distance squared from orbit of 11 to 21 will be revised since for 11 13 21: 0.16666679187421402+0.20000000147282754<0.40000030187178515
revised distance squared from orbit of 11 to 21 is at most 0.4000000108851653.
distance squared from orbit of 11 to 21 will be revised since for 11 23 21: 0.1666670423896691+0.20000000000001478<0.4000000108851653
revised distance squared from orbit of 11 to 21 is at most 0.4000000108851653.
distance squared from orbit of 11 to 22 will be revised since for 11 17 22: 1.1476213308831052e-6+9.750836732961828e-7<1.235564730351733e-5
revised distance squared from orbit of 11 to 22 is at most 1.235564730351733e-5.
distance squared from orbit of 11 to 23 will be revised since for 11 13 23: 0.16666679187421402+3.613115657003716e-9<0.1666670423896691
revised distance squared from orbit of 11 to 23 is at most 0.16666675155217792.
distance squared from orbit of 11 to 24 will be revised since for 11 13 24: 0.16666679187421402+0.20000008120173104<0.400000024519607
revised distance squared from orbit of 11 to 24 is at most 0.400000024519607.
distance squared from orbit of 11 to 24 will be revised since for 11 19 24: 0.14285764945558704+0.20003145517115023<0.400000024519607
revised distance squared from orbit of 11 to 24 is at most 0.400000024519607.
distance squared from orbit of 11 to 24 will be revised since for 11 21 24: 0.4000000108851653+1.8704434396067724e-9<0.400000024519607
revised distance squared from orbit of 11 to 24 is at most 0.400000024519607.
distance squared from orbit of 11 to 24 will be revised since for 11 23 24: 0.16666675155217792+0.20000000010320002<0.400000024519607
revised distance squared from orbit of 11 to 24 is at most 0.400000024519607.
distance squared from orbit of 11 to 24 will be revised since for 11 26 24: 0.1428571562857499+0.2000000000043958<0.400000024519607
revised distance squared from orbit of 11 to 24 is at most 0.400000024519607.
distance squared from orbit of 11 to 24 will be revised since for 11 27 24: 2.4085920933492915e-8+0.4000000000000207<0.400000024519607
revised distance squared from orbit of 11 to 24 is at most 0.4000000120961839.
distance squared from orbit of 11 to 25 will be revised since for 11 18 25: 3.1807084935053145e-7+2.2542424581964638e-8<7.599419494807388e-7
revised distance squared from orbit of 11 to 25 is at most 2.3583944455157915e-8.

distance squared from orbit of 12 to 3 will be revised since for 12 1 3: 0.5000000000000222+7.805776850455649e-12<0.5669872981079116
revised distance squared from orbit of 12 to 3 is at most 0.5669872981079116.
distance squared from orbit of 12 to 7 will be revised since for 12 1 7: 0.5000000000000222+3.737521804908807e-6<0.574427077456487
revised distance squared from orbit of 12 to 7 is at most 0.574427077456487.
distance squared from orbit of 12 to 7 will be revised since for 12 2 7: 0.5000000000000526+1.3363366098697689e-5<0.574427077456487
revised distance squared from orbit of 12 to 7 is at most 0.574427077456487.
distance squared from orbit of 12 to 7 will be revised since for 12 3 7: 0.5669872981079116+3.527170575322729e-5<0.574427077456487
revised distance squared from orbit of 12 to 7 is at most 0.574427077456487.
distance squared from orbit of 12 to 10 will be revised since for 12 4 10: 0.33333333333337867+5.234815624435434e-12<0.394219664142602
revised distance squared from orbit of 12 to 10 is at most 0.394219664142602.
distance squared from orbit of 12 to 14 will be revised since for 12 8 14: 0.2500001573519962+2.7021844120461495e-5<0.2500423638177051
revised distance squared from orbit of 12 to 14 is at most 0.2500423638177051.
distance squared from orbit of 12 to 15 will be revised since for 12 9 15: 0.2500000000000293+1.5626980557001169e-7<0.2500002812521955
revised distance squared from orbit of 12 to 15 is at most 0.2500001084284096.
distance squared from orbit of 12 to 20 will be revised since for 12 18 20: 9.84594644457221e-7+1.1327787210726066e-5<0.0015028219113744526
revised distance squared from orbit of 12 to 20 is at most 0.0006148910167245095.
distance squared from orbit of 12 to 20 will be revised since for 12 19 20: 6.792441490591883e-5+7.246916594675523e-7<0.0006148910167245095
revised distance squared from orbit of 12 to 20 is at most 0.00030689558663228345.
distance squared from orbit of 12 to 21 will be revised since for 12 13 21: 0.16666685980954538+0.20000000147282754<0.4000000000000575
revised distance squared from orbit of 12 to 21 is at most 0.4000000000000575.
distance squared from orbit of 12 to 21 will be revised since for 12 23 21: 0.16666666666693666+0.20000000000001478<0.4000000000000575
revised distance squared from orbit of 12 to 21 is at most 0.4000000000000575.
distance squared from orbit of 12 to 22 will be revised since for 12 6 22: 0.3333338359033596+5.8062241766333415e-5<0.5000004393227095
revised distance squared from orbit of 12 to 22 is at most 0.5000004393227095.
distance squared from orbit of 12 to 22 will be revised since for 12 11 22: 0.33333390787683137+1.235564730351733e-5<0.5000004393227095
revised distance squared from orbit of 12 to 22 is at most 0.5000004393227095.
distance squared from orbit of 12 to 22 will be revised since for 12 17 22: 0.3260776262585117+9.750836732961828e-7<0.5000004393227095
revised distance squared from orbit of 12 to 22 is at most 0.5000004393227095.
distance squared from orbit of 12 to 24 will be revised since for 12 19 24: 6.792441490591883e-5+0.20003145517115023<0.20472442739582336
revised distance squared from orbit of 12 to 24 is at most 0.20068539256248133.
distance squared from orbit of 12 to 24 will be revised since for 12 26 24: 0.00017821694368675138+0.2000000000043958<0.20068539256248133
revised distance squared from orbit of 12 to 24 is at most 0.20068539256248133.
distance squared from orbit of 12 to 25 will be revised since for 12 18 25: 9.84594644457221e-7+2.2542424581964638e-8<2.6347902930353763e-6
revised distance squared from orbit of 12 to 25 is at most 8.559533468642625e-8.
distance squared from orbit of 12 to 26 will be revised since for 12 19 26: 6.792441490591883e-5+3.769987491983651e-7<0.00017821694368675138
revised distance squared from orbit of 12 to 26 is at most 0.00017821694368675138.
distance squared from orbit of 12 to 27 will be revised since for 12 18 27: 9.84594644457221e-7+1.6852438882707318e-6<1.2316670853102038e-5
revised distance squared from orbit of 12 to 27 is at most 8.028773783475152e-6.
distance squared from orbit of 12 to 27 will be revised since for 12 25 27: 8.559533468642625e-8+4.14283971197918e-8<8.028773783475152e-6
revised distance squared from orbit of 12 to 27 is at most 9.635940918830785e-7.

distance squared from orbit of 13 to 6 will be revised since for 13 18 6: 6.70577031519286e-7+0.3333333333333851<0.33333407108394236
revised distance squared from orbit of 13 to 6 is at most 0.3333335996964774.
distance squared from orbit of 13 to 7 will be revised since for 13 2 7: 0.5000000000056285+1.3363366098697689e-5<0.5609503356752914
revised distance squared from orbit of 13 to 7 is at most 0.5609503356752914.
distance squared from orbit of 13 to 11 will be revised since for 13 6 11: 0.3333335996964774+2.686787244106156e-7<0.33333438266905774
revised distance squared from orbit of 13 to 11 is at most 0.33333438266905774.
distance squared from orbit of 13 to 11 will be revised since for 13 18 11: 6.70577031519286e-7+0.3333333333334648<0.33333438266905774
revised distance squared from orbit of 13 to 11 is at most 0.33333353406707567.
distance squared from orbit of 13 to 14 will be revised since for 13 19 14: 0.00013169016679439327+0.2500000000000806<0.2501408277584667
revised distance squared from orbit of 13 to 14 is at most 0.2500337879511011.
distance squared from orbit of 13 to 15 will be revised since for 13 23 15: 3.613115657003716e-9+0.333333333536027<0.33333349125856765
revised distance squared from orbit of 13 to 15 is at most 0.33333349125856765.
distance squared from orbit of 13 to 17 will be revised since for 13 18 17: 6.70577031519286e-7+0.32607687371707106<0.3260778430985924
revised distance squared from orbit of 13 to 17 is at most 0.32607710170643484.
distance squared from orbit of 13 to 20 will be revised since for 13 18 20: 6.70577031519286e-7+1.1327787210726066e-5<0.0013380421314302356
revised distance squared from orbit of 13 to 20 is at most 0.0013380421314302356.
distance squared from orbit of 13 to 20 will be revised since for 13 19 20: 0.00013169016679439327+7.246916594675523e-7<0.0013380421314302356
revised distance squared from orbit of 13 to 20 is at most 0.0003309244455305999.
distance squared from orbit of 13 to 22 will be revised since for 13 6 22: 0.3333335996964774+5.8062241766333415e-5<0.5000009608537564
revised distance squared from orbit of 13 to 22 is at most 0.5000009608537564.
distance squared from orbit of 13 to 22 will be revised since for 13 11 22: 0.33333353406707567+1.235564730351733e-5<0.5000009608537564
revised distance squared from orbit of 13 to 22 is at most 0.5000009608537564.
distance squared from orbit of 13 to 22 will be revised since for 13 17 22: 0.32607710170643484+9.750836732961828e-7<0.5000009608537564
revised distance squared from orbit of 13 to 22 is at most 0.5000009608537564.
distance squared from orbit of 13 to 22 will be revised since for 13 18 22: 6.70577031519286e-7+0.500000000000104<0.5000009608537564
revised distance squared from orbit of 13 to 22 is at most 0.500000255106739.
distance squared from orbit of 13 to 24 will be revised since for 13 21 24: 0.20000000147282754+1.8704434396067724e-9<0.20000008120173104
revised distance squared from orbit of 13 to 24 is at most 0.20000008120173104.
distance squared from orbit of 13 to 24 will be revised since for 13 23 24: 3.613115657003716e-9+0.20000000010320002<0.20000008120173104
revised distance squared from orbit of 13 to 24 is at most 0.20000008120173104.
distance squared from orbit of 13 to 26 will be revised since for 13 23 26: 3.613115657003716e-9+1.612706232522123e-5<2.916569317815408e-5
revised distance squared from orbit of 13 to 26 is at most 1.1454464931328675e-5.
distance squared from orbit of 13 to 27 will be revised since for 13 18 27: 6.70577031519286e-7+1.6852438882707318e-6<0.00012852355615701453
revised distance squared from orbit of 13 to 27 is at most 6.396495350900023e-5.
distance squared from orbit of 13 to 27 will be revised since for 13 25 27: 4.825120953945364e-7+4.14283971197918e-8<6.396495350900023e-5
revised distance squared from orbit of 13 to 27 is at most 6.396495350900023e-5.
distance squared from orbit of 13 to 27 will be revised since for 13 26 27: 1.1454464931328675e-5+8.322754772760513e-7<6.396495350900023e-5
revised distance squared from orbit of 13 to 27 is at most 1.5255923450780328e-5.

distance squared from orbit of 14 to 1 will be revised since for 14 8 1: 0.4865505027031861+0.5000000000000856<1.0000000000000768
revised distance squared from orbit of 14 to 1 is at most 1.0000000000000768.
distance squared from orbit of 14 to 1 will be revised since for 14 12 1: 0.4000860788803925+0.5000000000000222<1.0000000000000768
revised distance squared from orbit of 14 to 1 is at most 1.0000000000000768.
distance squared from orbit of 14 to 1 will be revised since for 14 13 1: 0.16666670501096717+0.6666666666668133<1.0000000000000768
revised distance squared from orbit of 14 to 1 is at most 1.0000000000000768.
distance squared from orbit of 14 to 1 will be revised since for 14 18 1: 8.589828039503053e-7+0.9656654756058254<1.0000000000000768
revised distance squared from orbit of 14 to 1 is at most 0.965665609134506.
distance squared from orbit of 14 to 4 will be revised since for 14 18 4: 8.589828039503053e-7+0.6666666706541337<0.6666676241545804
revised distance squared from orbit of 14 to 4 is at most 0.6666666730347803.
distance squared from orbit of 14 to 7 will be revised since for 14 2 7: 0.5000000308592726+1.3363366098697689e-5<0.605466805398357
revised distance squared from orbit of 14 to 7 is at most 0.605466805398357.
distance squared from orbit of 14 to 7 will be revised since for 14 18 7: 8.589828039503053e-7+0.6054643041586888<0.605466805398357
revised distance squared from orbit of 14 to 7 is at most 0.6054644909187415.
distance squared from orbit of 14 to 8 will be revised since for 14 19 8: 7.23677262424707e-7+0.4865189739360442<0.4865505027031861
revised distance squared from orbit of 14 to 8 is at most 0.4865347778025396.
distance squared from orbit of 14 to 9 will be revised since for 14 12 9: 0.4000860788803925+0.2500000000000293<0.7268408375253317
revised distance squared from orbit of 14 to 9 is at most 0.7268408375253317.
distance squared from orbit of 14 to 9 will be revised since for 14 13 9: 0.16666670501096717+0.5000000000001109<0.7268408375253317
revised distance squared from orbit of 14 to 9 is at most 0.7268408375253317.
distance squared from orbit of 14 to 9 will be revised since for 14 23 9: 0.16666691853069346+0.5000000000000189<0.7268408375253317
revised distance squared from orbit of 14 to 9 is at most 0.7268408375253317.
distance squared from orbit of 14 to 11 will be revised since for 14 6 11: 0.3333335823463945+2.686787244106156e-7<0.333333977708501
revised distance squared from orbit of 14 to 11 is at most 0.333333977708501.
distance squared from orbit of 14 to 12 will be revised since for 14 18 12: 8.589828039503053e-7+0.40000000000013763<0.4000860788803925
revised distance squared from orbit of 14 to 12 is at most 0.4000000917745049.
distance squared from orbit of 14 to 15 will be revised since for 14 13 15: 0.16666670501096717+0.33333349125856765<0.5000011254048706
revised distance squared from orbit of 14 to 15 is at most 0.5000011254048706.
distance squared from orbit of 14 to 15 will be revised since for 14 18 15: 8.589828039503053e-7+0.500000000000154<0.5000011254048706
revised distance squared from orbit of 14 to 15 is at most 0.500000337529801.
distance squared from orbit of 14 to 15 will be revised since for 14 19 15: 7.23677262424707e-7+0.3334064953056072<0.500000337529801
revised distance squared from orbit of 14 to 15 is at most 0.33335859692048947.
distance squared from orbit of 14 to 15 will be revised since for 14 26 15: 6.606043966159685e-7+0.33333333333655313<0.33335859692048947
revised distance squared from orbit of 14 to 15 is at most 0.33333423854668864.
distance squared from orbit of 14 to 16 will be revised since for 14 6 16: 0.3333335823463945+0.400014388943892<0.800000000000152
revised distance squared from orbit of 14 to 16 is at most 0.800000000000152.
distance squared from orbit of 14 to 16 will be revised since for 14 11 16: 0.333333977708501+0.4000000832701194<0.800000000000152
revised distance squared from orbit of 14 to 16 is at most 0.800000000000152.
distance squared from orbit of 14 to 16 will be revised since for 14 17 16: 0.3260774909408134+0.4000000064121565<0.800000000000152
revised distance squared from orbit of 14 to 16 is at most 0.800000000000152.
distance squared from orbit of 14 to 20 will be revised since for 14 18 20: 8.589828039503053e-7+1.1327787210726066e-5<2.7703186720002404e-5
revised distance squared from orbit of 14 to 20 is at most 1.1304295484696944e-5.
distance squared from orbit of 14 to 20 will be revised since for 14 19 20: 7.23677262424707e-7+7.246916594675523e-7<1.1304295484696944e-5
revised distance squared from orbit of 14 to 20 is at most 9.70363462246461e-7.
distance squared from orbit of 14 to 21 will be revised since for 14 13 21: 0.16666670501096717+0.20000000147282754<0.4000000940194731
revised distance squared from orbit of 14 to 21 is at most 0.4000000940194731.
distance squared from orbit of 14 to 21 will be revised since for 14 23 21: 0.16666691853069346+0.20000000000001478<0.4000000940194731
revised distance squared from orbit of 14 to 21 is at most 0.40000003536929435.
distance squared from orbit of 14 to 22 will be revised since for 14 6 22: 0.3333335823463945+5.8062241766333415e-5<0.5000003481361103
revised distance squared from orbit of 14 to 22 is at most 0.5000003481361103.
distance squared from orbit of 14 to 22 will be revised since for 14 11 22: 0.333333977708501+1.235564730351733e-5<0.5000003481361103
revised distance squared from orbit of 14 to 22 is at most 0.5000003481361103.
distance squared from orbit of 14 to 22 will be revised since for 14 17 22: 0.3260774909408134+9.750836732961828e-7<0.5000003481361103
revised distance squared from orbit of 14 to 22 is at most 0.5000003481361103.
distance squared from orbit of 14 to 23 will be revised since for 14 13 23: 0.16666670501096717+3.613115657003716e-9<0.16666691853069346
revised distance squared from orbit of 14 to 23 is at most 0.16666691853069346.
distance squared from orbit of 14 to 24 will be revised since for 14 19 24: 7.23677262424707e-7+0.20003145517115023<0.2001726770740916
revised distance squared from orbit of 14 to 24 is at most 0.20000557545170547.
distance squared from orbit of 14 to 24 will be revised since for 14 26 24: 6.606043966159685e-7+0.2000000000043958<0.20000557545170547
revised distance squared from orbit of 14 to 24 is at most 0.2000008470764712.
distance squared from orbit of 14 to 25 will be revised since for 14 18 25: 8.589828039503053e-7+2.2542424581964638e-8<1.221372786969346e-6
revised distance squared from orbit of 14 to 25 is at most 2.78612801023391e-8.
distance squared from orbit of 14 to 27 will be revised since for 14 18 27: 8.589828039503053e-7+1.6852438882707318e-6<9.196021435595674e-6
revised distance squared from orbit of 14 to 27 is at most 1.424115185978717e-6.
distance squared from orbit of 14 to 27 will be revised since for 14 20 27: 9.70363462246461e-7+2.8689681112330136e-8<1.424115185978717e-6
revised distance squared from orbit of 14 to 27 is at most 3.4130544751450124e-7.
distance squared from orbit of 14 to 27 will be revised since for 14 25 27: 2.78612801023391e-8+4.14283971197918e-8<3.4130544751450124e-7
revised distance squared from orbit of 14 to 27 is at most 5.31936047136792e-8.

distance squared from orbit of 15 to 1 will be revised since for 15 8 1: 0.2500000000002711+0.5000000000000856<0.8964466094928326
revised distance squared from orbit of 15 to 1 is at most 0.8964466094928326.
distance squared from orbit of 15 to 2 will be revised since for 15 8 2: 0.2500000000002711+0.5000005450292522<0.7692257017757711
revised distance squared from orbit of 15 to 2 is at most 0.7692257017757711.
distance squared from orbit of 15 to 2 will be revised since for 15 14 2: 0.2500408702528596+0.5000000308592726<0.7692257017757711
revised distance squared from orbit of 15 to 2 is at most 0.7692257017757711.
distance squared from orbit of 15 to 4 will be revised since for 15 8 4: 0.2500000000002711+0.33333333333335075<0.666666666666749
revised distance squared from orbit of 15 to 4 is at most 0.666666666666749.
distance squared from orbit of 15 to 7 will be revised since for 15 3 7: 0.6473671297244358+3.527170575322729e-5<0.6606500560504187
revised distance squared from orbit of 15 to 7 is at most 0.6606500560504187.
distance squared from orbit of 15 to 10 will be revised since for 15 4 10: 0.666666666666749+5.234815624435434e-12<0.7113248654052632
revised distance squared from orbit of 15 to 10 is at most 0.7113248654052632.
distance squared from orbit of 15 to 10 will be revised since for 15 8 10: 0.2500000000002711+0.39421966414260984<0.7113248654052632
revised distance squared from orbit of 15 to 10 is at most 0.7113248654052632.
distance squared from orbit of 15 to 10 will be revised since for 15 14 10: 0.2500408702528596+0.4607847497730677<0.7113248654052632
revised distance squared from orbit of 15 to 10 is at most 0.7113248654052632.
distance squared from orbit of 15 to 11 will be revised since for 15 20 11: 6.453630671211461e-7+0.45873412263480484<0.4587348501075406
revised distance squared from orbit of 15 to 11 is at most 0.45873430780087243.
distance squared from orbit of 15 to 13 will be revised since for 15 8 13: 0.2500000000002711+0.16666720871693394<0.5929535825587424
revised distance squared from orbit of 15 to 13 is at most 0.5929535825587424.
distance squared from orbit of 15 to 13 will be revised since for 15 9 13: 0.5000000000000145+8.205210976586141e-7<0.5929535825587424
revised distance squared from orbit of 15 to 13 is at most 0.5929535825587424.
distance squared from orbit of 15 to 13 will be revised since for 15 12 13: 0.40000000000028285+0.16666685980954538<0.5929535825587424
revised distance squared from orbit of 15 to 13 is at most 0.5929535825587424.
distance squared from orbit of 15 to 13 will be revised since for 15 14 13: 0.2500408702528596+0.16666670501096717<0.5929535825587424
revised distance squared from orbit of 15 to 13 is at most 0.5929535825587424.
distance squared from orbit of 15 to 14 will be revised since for 15 8 14: 0.2500000000002711+2.7021844120461495e-5<0.2500408702528596
revised distance squared from orbit of 15 to 14 is at most 0.2500408702528596.
distance squared from orbit of 15 to 16 will be revised since for 15 17 16: 0.41499770085894705+0.4000000064121565<0.8534387353709587
revised distance squared from orbit of 15 to 16 is at most 0.8534387353709587.
distance squared from orbit of 15 to 18 will be revised since for 15 8 18: 0.2500000000002711+6.06350248588218e-7<0.48384604060668723
revised distance squared from orbit of 15 to 18 is at most 0.48384604060668723.
distance squared from orbit of 15 to 18 will be revised since for 15 11 18: 0.45873430780087243+3.1807084935053145e-7<0.48384604060668723
revised distance squared from orbit of 15 to 18 is at most 0.48384604060668723.
distance squared from orbit of 15 to 18 will be revised since for 15 12 18: 0.40000000000028285+9.84594644457221e-7<0.48384604060668723
revised distance squared from orbit of 15 to 18 is at most 0.48384604060668723.
distance squared from orbit of 15 to 18 will be revised since for 15 14 18: 0.2500408702528596+8.589828039503053e-7<0.48384604060668723
revised distance squared from orbit of 15 to 18 is at most 0.48384604060668723.
distance squared from orbit of 15 to 22 will be revised since for 15 3 22: 0.6473671297244358+3.160152534958536e-6<0.6752407509666554
revised distance squared from orbit of 15 to 22 is at most 0.6752407509666554.
distance squared from orbit of 15 to 22 will be revised since for 15 6 22: 0.500000289568463+5.8062241766333415e-5<0.6752407509666554
revised distance squared from orbit of 15 to 22 is at most 0.6752407509666554.
distance squared from orbit of 15 to 22 will be revised since for 15 7 22: 0.6606500560504187+4.0395610234185855e-7<0.6752407509666554
revised distance squared from orbit of 15 to 22 is at most 0.6752407509666554.
distance squared from orbit of 15 to 22 will be revised since for 15 11 22: 0.45873430780087243+1.235564730351733e-5<0.6752407509666554
revised distance squared from orbit of 15 to 22 is at most 0.6752407509666554.
distance squared from orbit of 15 to 22 will be revised since for 15 17 22: 0.41499770085894705+9.750836732961828e-7<0.6752407509666554
revised distance squared from orbit of 15 to 22 is at most 0.6752407509666554.
distance squared from orbit of 15 to 25 will be revised since for 15 20 25: 6.453630671211461e-7+3.613705994822693e-7<2.5452125986484096e-6
revised distance squared from orbit of 15 to 25 is at most 2.5452125986484096e-6.
distance squared from orbit of 15 to 26 will be revised since for 15 19 26: 8.896104882139321e-5+3.769987491983651e-7<0.0001571628786448057
revised distance squared from orbit of 15 to 26 is at most 2.3173895817376563e-5.
distance squared from orbit of 15 to 27 will be revised since for 15 20 27: 6.453630671211461e-7+2.8689681112330136e-8<1.179155506353581e-6
revised distance squared from orbit of 15 to 27 is at most 2.0640578253098235e-7.

distance squared from orbit of 16 to 4 will be revised since for 16 3 4: 0.5000000000000384+0.3333333333498546<0.8888888888890311
revised distance squared from orbit of 16 to 4 is at most 0.8888888888890311.
distance squared from orbit of 16 to 4 will be revised since for 16 8 4: 0.5000000000002398+0.33333333333335075<0.8888888888890311
revised distance squared from orbit of 16 to 4 is at most 0.8888888888890311.
distance squared from orbit of 16 to 6 will be revised since for 16 2 6: 0.6000000000012072+0.0001425417457495989<0.6666675990648894
revised distance squared from orbit of 16 to 6 is at most 0.6666675990648894.
distance squared from orbit of 16 to 6 will be revised since for 16 3 6: 0.5000000000000384+0.16666702878448095<0.6666675990648894
revised distance squared from orbit of 16 to 6 is at most 0.6666675990648894.
distance squared from orbit of 16 to 6 will be revised since for 16 5 6: 0.33333333333743037+0.16677340639336152<0.6666675990648894
revised distance squared from orbit of 16 to 6 is at most 0.6666675990648894.
distance squared from orbit of 16 to 6 will be revised since for 16 11 6: 0.375000510093986+0.16666666666674113<0.6666675990648894
revised distance squared from orbit of 16 to 6 is at most 0.6666668682281917.
distance squared from orbit of 16 to 7 will be revised since for 16 22 7: 6.371313431564292e-7+0.5000000000001192<0.5000007827618808
revised distance squared from orbit of 16 to 7 is at most 0.5000001118341932.
distance squared from orbit of 16 to 9 will be revised since for 16 2 9: 0.6000000000012072+0.2500000016163185<0.9375000000026696
revised distance squared from orbit of 16 to 9 is at most 0.9375000000026696.
distance squared from orbit of 16 to 9 will be revised since for 16 3 9: 0.5000000000000384+0.25000000003904743<0.9375000000026696
revised distance squared from orbit of 16 to 9 is at most 0.9375000000026696.
distance squared from orbit of 16 to 9 will be revised since for 16 5 9: 0.33333333333743037+0.5000000000001434<0.9375000000026696
revised distance squared from orbit of 16 to 9 is at most 0.9375000000026696.
distance squared from orbit of 16 to 9 will be revised since for 16 8 9: 0.5000000000002398+0.25000000000004585<0.9375000000026696
revised distance squared from orbit of 16 to 9 is at most 0.9375000000026696.
distance squared from orbit of 16 to 9 will be revised since for 16 12 9: 0.6000000000064633+0.2500000000000293<0.9375000000026696
revised distance squared from orbit of 16 to 9 is at most 0.9375000000026696.
distance squared from orbit of 16 to 10 will be revised since for 16 3 10: 0.5000000000000384+0.39421966419748256<0.9239074288061877
revised distance squared from orbit of 16 to 10 is at most 0.9239074288061877.
distance squared from orbit of 16 to 10 will be revised since for 16 4 10: 0.8888888888890311+5.234815624435434e-12<0.9239074288061877
revised distance squared from orbit of 16 to 10 is at most 0.9239074288061877.
distance squared from orbit of 16 to 10 will be revised since for 16 5 10: 0.33333333333743037+0.46078601053001045<0.9239074288061877
revised distance squared from orbit of 16 to 10 is at most 0.9239074288061877.
distance squared from orbit of 16 to 10 will be revised since for 16 8 10: 0.5000000000002398+0.39421966414260984<0.9239074288061877
revised distance squared from orbit of 16 to 10 is at most 0.9239074288061877.
distance squared from orbit of 16 to 10 will be revised since for 16 11 10: 0.375000510093986+0.460784766899273<0.9239074288061877
revised distance squared from orbit of 16 to 10 is at most 0.9239074288061877.
distance squared from orbit of 16 to 11 will be revised since for 16 5 11: 0.33333333333743037+0.0001315547549988315<0.375000510093986
revised distance squared from orbit of 16 to 11 is at most 0.375000510093986.
distance squared from orbit of 16 to 13 will be revised since for 16 5 13: 0.33333333333743037+0.16666726670568827<0.6666666666691661
revised distance squared from orbit of 16 to 13 is at most 0.6666666666691661.
distance squared from orbit of 16 to 13 will be revised since for 16 11 13: 0.375000510093986+0.16666679187421402<0.6666666666691661
revised distance squared from orbit of 16 to 13 is at most 0.6666666666691661.
distance squared from orbit of 16 to 14 will be revised since for 16 3 14: 0.5000000000000384+2.4616826769190398e-5<0.5529582073577366
revised distance squared from orbit of 16 to 14 is at most 0.5529582073577366.
distance squared from orbit of 16 to 14 will be revised since for 16 7 14: 0.5000001118341932+1.4710941048008673e-5<0.5529582073577366
revised distance squared from orbit of 16 to 14 is at most 0.5529582073577366.
distance squared from orbit of 16 to 14 will be revised since for 16 8 14: 0.5000000000002398+2.7021844120461495e-5<0.5529582073577366
revised distance squared from orbit of 16 to 14 is at most 0.5529582073577366.
distance squared from orbit of 16 to 15 will be revised since for 16 26 15: 0.14285720517019726+0.33333333333655313<0.5660880769416338
revised distance squared from orbit of 16 to 15 is at most 0.5660880769416338.
distance squared from orbit of 16 to 17 will be revised since for 16 22 17: 6.371313431564292e-7+0.3333333333334784<0.3333342639670397
revised distance squared from orbit of 16 to 17 is at most 0.333333468643318.
distance squared from orbit of 16 to 18 will be revised since for 16 2 18: 0.6000000000012072+7.061251228349591e-7<0.7142857142865391
revised distance squared from orbit of 16 to 18 is at most 0.7142857142865391.
distance squared from orbit of 16 to 18 will be revised since for 16 3 18: 0.5000000000000384+6.045534248864916e-7<0.7142857142865391
revised distance squared from orbit of 16 to 18 is at most 0.7142857142865391.
distance squared from orbit of 16 to 18 will be revised since for 16 5 18: 0.33333333333743037+1.8503968767362432e-6<0.7142857142865391
revised distance squared from orbit of 16 to 18 is at most 0.7142857142865391.
distance squared from orbit of 16 to 18 will be revised since for 16 6 18: 0.6666668682281917+2.1870722712205967e-7<0.7142857142865391
revised distance squared from orbit of 16 to 18 is at most 0.7142857142865391.
distance squared from orbit of 16 to 18 will be revised since for 16 7 18: 0.5000001118341932+0.010592570464317544<0.7142857142865391
revised distance squared from orbit of 16 to 18 is at most 0.7142857142865391.
distance squared from orbit of 16 to 18 will be revised since for 16 8 18: 0.5000000000002398+6.06350248588218e-7<0.7142857142865391
revised distance squared from orbit of 16 to 18 is at most 0.7142857142865391.
distance squared from orbit of 16 to 18 will be revised since for 16 11 18: 0.375000510093986+3.1807084935053145e-7<0.7142857142865391
revised distance squared from orbit of 16 to 18 is at most 0.7142857142865391.
distance squared from orbit of 16 to 18 will be revised since for 16 12 18: 0.6000000000064633+9.84594644457221e-7<0.7142857142865391
revised distance squared from orbit of 16 to 18 is at most 0.7142857142865391.
distance squared from orbit of 16 to 18 will be revised since for 16 13 18: 0.6666666666691661+6.70577031519286e-7<0.7142857142865391
revised distance squared from orbit of 16 to 18 is at most 0.7142857142865391.
distance squared from orbit of 16 to 18 will be revised since for 16 14 18: 0.5529582073577366+8.589828039503053e-7<0.7142857142865391
revised distance squared from orbit of 16 to 18 is at most 0.7142857142865391.
distance squared from orbit of 16 to 20 will be revised since for 16 5 20: 0.33333333333743037+1.168420505571088e-6<0.3333353667438409
revised distance squared from orbit of 16 to 20 is at most 0.3333353667438409.
distance squared from orbit of 16 to 20 will be revised since for 16 22 20: 6.371313431564292e-7+0.33333336731801805<0.3333353667438409
revised distance squared from orbit of 16 to 20 is at most 0.3333334666625278.
distance squared from orbit of 16 to 21 will be revised since for 16 5 21: 0.33333333333743037+0.4000009674265151<0.8540207561978264
revised distance squared from orbit of 16 to 21 is at most 0.8540207561978264.
distance squared from orbit of 16 to 21 will be revised since for 16 11 21: 0.375000510093986+0.4000000108851653<0.8540207561978264
revised distance squared from orbit of 16 to 21 is at most 0.8540207561978264.
distance squared from orbit of 16 to 21 will be revised since for 16 15 21: 0.5660880769416338+0.20000000000006235<0.8540207561978264
revised distance squared from orbit of 16 to 21 is at most 0.8540207561978264.
distance squared from orbit of 16 to 21 will be revised since for 16 17 21: 0.333333468643318+0.40000050723038166<0.8540207561978264
revised distance squared from orbit of 16 to 21 is at most 0.8540207561978264.
distance squared from orbit of 16 to 21 will be revised since for 16 19 21: 0.40970296308438264+0.40000005246270715<0.8540207561978264
revised distance squared from orbit of 16 to 21 is at most 0.8540207561978264.
distance squared from orbit of 16 to 21 will be revised since for 16 20 21: 0.3333334666625278+0.4000000177020901<0.8540207561978264
revised distance squared from orbit of 16 to 21 is at most 0.8540207561978264.
distance squared from orbit of 16 to 21 will be revised since for 16 26 21: 0.14285720517019726+0.7000000000042998<0.8540207561978264
revised distance squared from orbit of 16 to 21 is at most 0.8540207561978264.
distance squared from orbit of 16 to 23 will be revised since for 16 5 23: 0.33333333333743037+0.16666745478470435<0.6666666666668132
revised distance squared from orbit of 16 to 23 is at most 0.6666666666668132.
distance squared from orbit of 16 to 23 will be revised since for 16 11 23: 0.375000510093986+0.16666675155217792<0.6666666666668132
revised distance squared from orbit of 16 to 23 is at most 0.6666666666668132.
distance squared from orbit of 16 to 23 will be revised since for 16 17 23: 0.333333468643318+0.16666729282721915<0.6666666666668132
revised distance squared from orbit of 16 to 23 is at most 0.6666666666668132.
distance squared from orbit of 16 to 23 will be revised since for 16 19 23: 0.40970296308438264+0.1666667237341603<0.6666666666668132
revised distance squared from orbit of 16 to 23 is at most 0.6666666666668132.
distance squared from orbit of 16 to 23 will be revised since for 16 20 23: 0.3333334666625278+0.16666669472601414<0.6666666666668132
revised distance squared from orbit of 16 to 23 is at most 0.6666666666668132.
distance squared from orbit of 16 to 24 will be revised since for 16 26 24: 0.14285720517019726+0.2000000000043958<0.39726443732950906
revised distance squared from orbit of 16 to 24 is at most 0.39726443732950906.
distance squared from orbit of 16 to 25 will be revised since for 16 3 25: 0.5000000000000384+1.4239090463950962e-6<0.500007812163765
revised distance squared from orbit of 16 to 25 is at most 0.500007812163765.
distance squared from orbit of 16 to 25 will be revised since for 16 5 25: 0.33333333333743037+1.1717577263504741e-5<0.500007812163765
revised distance squared from orbit of 16 to 25 is at most 0.500007812163765.
distance squared from orbit of 16 to 25 will be revised since for 16 7 25: 0.5000001118341932+3.161600266375427e-6<0.500007812163765
revised distance squared from orbit of 16 to 25 is at most 0.500007812163765.
distance squared from orbit of 16 to 25 will be revised since for 16 8 25: 0.5000000000002398+2.953228993195046e-7<0.500007812163765
revised distance squared from orbit of 16 to 25 is at most 0.500007812163765.
distance squared from orbit of 16 to 25 will be revised since for 16 11 25: 0.375000510093986+2.3583944455157915e-8<0.500007812163765
revised distance squared from orbit of 16 to 25 is at most 0.500007812163765.
distance squared from orbit of 16 to 25 will be revised since for 16 17 25: 0.333333468643318+1.7858696746781515e-6<0.500007812163765
revised distance squared from orbit of 16 to 25 is at most 0.500007812163765.
distance squared from orbit of 16 to 25 will be revised since for 16 19 25: 0.40970296308438264+4.431671039716268e-7<0.500007812163765
revised distance squared from orbit of 16 to 25 is at most 0.500007812163765.
distance squared from orbit of 16 to 25 will be revised since for 16 20 25: 0.3333334666625278+3.613705994822693e-7<0.500007812163765
revised distance squared from orbit of 16 to 25 is at most 0.500007812163765.
distance squared from orbit of 16 to 25 will be revised since for 16 22 25: 6.371313431564292e-7+0.5000031929900258<0.500007812163765
revised distance squared from orbit of 16 to 25 is at most 0.5000040097229032.
distance squared from orbit of 16 to 25 will be revised since for 16 27 25: 3.1819785362965833e-6+0.5000000000000377<0.5000040097229032
revised distance squared from orbit of 16 to 25 is at most 0.5000008963508851.
distance squared from orbit of 16 to 27 will be revised since for 16 22 27: 6.371313431564292e-7+1.5291924275042733e-6<3.1819785362965833e-6
revised distance squared from orbit of 16 to 27 is at most 2.321057655045171e-6.

distance squared from orbit of 17 to 2 will be revised since for 17 11 2: 0.20833333333342846+0.5000000675766444<0.807549910270205
revised distance squared from orbit of 17 to 2 is at most 0.807549910270205.
distance squared from orbit of 17 to 3 will be revised since for 17 11 3: 0.20833333333342846+0.6666668021018932<0.9078048539038761
revised distance squared from orbit of 17 to 3 is at most 0.9078048539038761.
distance squared from orbit of 17 to 3 will be revised since for 17 16 3: 0.4000000064121565+0.5000000000000384<0.9078048539038761
revised distance squared from orbit of 17 to 3 is at most 0.9078048539038761.
distance squared from orbit of 17 to 9 will be revised since for 17 8 9: 0.5000001822252076+0.25000000000004585<0.7500007170827269
revised distance squared from orbit of 17 to 9 is at most 0.7500007170827269.
distance squared from orbit of 17 to 9 will be revised since for 17 23 9: 0.16666729282721915+0.5000000000000189<0.7500007170827269
revised distance squared from orbit of 17 to 9 is at most 0.7500001662089897.
distance squared from orbit of 17 to 10 will be revised since for 17 4 10: 0.6666678300960925+5.234815624435434e-12<0.7275542039827162
revised distance squared from orbit of 17 to 10 is at most 0.7275542039827162.
distance squared from orbit of 17 to 10 will be revised since for 17 11 10: 0.20833333333342846+0.460784766899273<0.7275542039827162
revised distance squared from orbit of 17 to 10 is at most 0.7275542039827162.
distance squared from orbit of 17 to 13 will be revised since for 17 6 13: 0.3333333333335324+0.16666667635466953<0.5833333333335727
revised distance squared from orbit of 17 to 13 is at most 0.5833333333335727.
distance squared from orbit of 17 to 13 will be revised since for 17 11 13: 0.20833333333342846+0.16666679187421402<0.5833333333335727
revised distance squared from orbit of 17 to 13 is at most 0.5833333333335727.
distance squared from orbit of 17 to 13 will be revised since for 17 14 13: 0.35358904945503555+0.16666670501096717<0.5833333333335727
revised distance squared from orbit of 17 to 13 is at most 0.5833333333335727.
distance squared from orbit of 17 to 15 will be revised since for 17 19 15: 0.14286252357548077+0.3334064953056072<0.5833362809999534
revised distance squared from orbit of 17 to 15 is at most 0.5833362809999534.
distance squared from orbit of 17 to 15 will be revised since for 17 22 15: 9.750836732961828e-7+0.5833342617999137<0.5833362809999534
revised distance squared from orbit of 17 to 15 is at most 0.583334296429927.
distance squared from orbit of 17 to 15 will be revised since for 17 23 15: 0.16666729282721915+0.333333333536027<0.583334296429927
revised distance squared from orbit of 17 to 15 is at most 0.5833334061252144.
distance squared from orbit of 17 to 15 will be revised since for 17 26 15: 0.1428573840705767+0.33333333333655313<0.5833334061252144
revised distance squared from orbit of 17 to 15 is at most 0.5833334029735991.
distance squared from orbit of 17 to 18 will be revised since for 17 6 18: 0.3333333333335324+2.1870722712205967e-7<0.41666666666687474
revised distance squared from orbit of 17 to 18 is at most 0.41666666666687474.
distance squared from orbit of 17 to 18 will be revised since for 17 11 18: 0.20833333333342846+3.1807084935053145e-7<0.41666666666687474
revised distance squared from orbit of 17 to 18 is at most 0.41666666666687474.
distance squared from orbit of 17 to 18 will be revised since for 17 14 18: 0.35358904945503555+8.589828039503053e-7<0.41666666666687474
revised distance squared from orbit of 17 to 18 is at most 0.41666666666687474.
distance squared from orbit of 17 to 21 will be revised since for 17 23 21: 0.16666729282721915+0.20000000000001478<0.40000050723038166
revised distance squared from orbit of 17 to 21 is at most 0.4000002160437883.
distance squared from orbit of 17 to 24 will be revised since for 17 19 24: 0.14286252357548077+0.20003145517115023<0.4000000738446258
revised distance squared from orbit of 17 to 24 is at most 0.4000000738446258.
distance squared from orbit of 17 to 24 will be revised since for 17 23 24: 0.16666729282721915+0.20000000010320002<0.4000000738446258
revised distance squared from orbit of 17 to 24 is at most 0.4000000738446258.
distance squared from orbit of 17 to 24 will be revised since for 17 26 24: 0.1428573840705767+0.2000000000043958<0.4000000738446258
revised distance squared from orbit of 17 to 24 is at most 0.4000000712507751.

distance squared from orbit of 18 to 1 will be revised since for 18 12 1: 0.40000000000013763+0.5000000000000222<0.9656654756058254
revised distance squared from orbit of 18 to 1 is at most 0.9656654756058254.
distance squared from orbit of 18 to 1 will be revised since for 18 13 1: 0.16666666666682453+0.6666666666668133<0.9656654756058254
revised distance squared from orbit of 18 to 1 is at most 0.9656654756058254.
distance squared from orbit of 18 to 7 will be revised since for 18 2 7: 0.5000000000001644+1.3363366098697689e-5<0.6054643041586888
revised distance squared from orbit of 18 to 7 is at most 0.6054643041586888.
distance squared from orbit of 18 to 8 will be revised since for 18 25 8: 2.2542424581964638e-8+0.5000000001644399<0.5000009538810276
revised distance squared from orbit of 18 to 8 is at most 0.5000009538810276.
distance squared from orbit of 18 to 9 will be revised since for 18 12 9: 0.40000000000013763+0.2500000000000293<0.7268408058052478
revised distance squared from orbit of 18 to 9 is at most 0.7268408058052478.
distance squared from orbit of 18 to 9 will be revised since for 18 13 9: 0.16666666666682453+0.5000000000001109<0.7268408058052478
revised distance squared from orbit of 18 to 9 is at most 0.7268408058052478.
distance squared from orbit of 18 to 9 will be revised since for 18 23 9: 0.16666666960961546+0.5000000000000189<0.7268408058052478
revised distance squared from orbit of 18 to 9 is at most 0.7268408058052478.
distance squared from orbit of 18 to 15 will be revised since for 18 19 15: 0.142871239099267+0.3334064953056072<0.500000000000154
revised distance squared from orbit of 18 to 15 is at most 0.500000000000154.
distance squared from orbit of 18 to 15 will be revised since for 18 26 15: 0.14285847807506027+0.33333333333655313<0.500000000000154
revised distance squared from orbit of 18 to 15 is at most 0.500000000000154.
distance squared from orbit of 18 to 16 will be revised since for 18 6 16: 0.3333333333333851+0.400014388943892<0.800000000007334
revised distance squared from orbit of 18 to 16 is at most 0.800000000007334.
distance squared from orbit of 18 to 16 will be revised since for 18 11 16: 0.3333333333334648+0.4000000832701194<0.800000000007334
revised distance squared from orbit of 18 to 16 is at most 0.800000000007334.
distance squared from orbit of 18 to 16 will be revised since for 18 17 16: 0.32607687371707106+0.4000000064121565<0.800000000007334
revised distance squared from orbit of 18 to 16 is at most 0.800000000007334.
distance squared from orbit of 18 to 19 will be revised since for 18 20 19: 1.1327787210726066e-5+0.14285714285737597<0.142871239099267
revised distance squared from orbit of 18 to 19 is at most 0.142860280597937.
distance squared from orbit of 18 to 21 will be revised since for 18 13 21: 0.16666666666682453+0.20000000147282754<0.4000000011321646
revised distance squared from orbit of 18 to 21 is at most 0.4000000011321646.
distance squared from orbit of 18 to 21 will be revised since for 18 23 21: 0.16666666960961546+0.20000000000001478<0.4000000011321646
revised distance squared from orbit of 18 to 21 is at most 0.4000000006617907.
distance squared from orbit of 18 to 22 will be revised since for 18 6 22: 0.3333333333333851+5.8062241766333415e-5<0.500000000000104
revised distance squared from orbit of 18 to 22 is at most 0.500000000000104.
distance squared from orbit of 18 to 22 will be revised since for 18 11 22: 0.3333333333334648+1.235564730351733e-5<0.500000000000104
revised distance squared from orbit of 18 to 22 is at most 0.500000000000104.
distance squared from orbit of 18 to 22 will be revised since for 18 17 22: 0.32607687371707106+9.750836732961828e-7<0.500000000000104
revised distance squared from orbit of 18 to 22 is at most 0.500000000000104.
distance squared from orbit of 18 to 24 will be revised since for 18 13 24: 0.16666666666682453+0.20000008120173104<0.4000012916451674
revised distance squared from orbit of 18 to 24 is at most 0.4000000659150651.
distance squared from orbit of 18 to 24 will be revised since for 18 19 24: 0.142860280597937+0.20003145517115023<0.4000000659150651
revised distance squared from orbit of 18 to 24 is at most 0.4000000659150651.
distance squared from orbit of 18 to 24 will be revised since for 18 21 24: 0.4000000006617907+1.8704434396067724e-9<0.4000000659150651
revised distance squared from orbit of 18 to 24 is at most 0.4000000659150651.
distance squared from orbit of 18 to 24 will be revised since for 18 23 24: 0.16666666960961546+0.20000000010320002<0.4000000659150651
revised distance squared from orbit of 18 to 24 is at most 0.4000000659150651.
distance squared from orbit of 18 to 24 will be revised since for 18 25 24: 2.2542424581964638e-8+0.40000000013698894<0.4000000659150651
revised distance squared from orbit of 18 to 24 is at most 0.4000000659150651.
distance squared from orbit of 18 to 24 will be revised since for 18 26 24: 0.14285847807506027+0.2000000000043958<0.4000000659150651
revised distance squared from orbit of 18 to 24 is at most 0.4000000659150651.
distance squared from orbit of 18 to 26 will be revised since for 18 25 26: 2.2542424581964638e-8+0.14285717914878926<0.14285847807506027
revised distance squared from orbit of 18 to 26 is at most 0.14285719620168952.
distance squared from orbit of 18 to 27 will be revised since for 18 25 27: 2.2542424581964638e-8+4.14283971197918e-8<1.6852438882707318e-6
revised distance squared from orbit of 18 to 27 is at most 4.109011660725096e-8.

distance squared from orbit of 19 to 1 will be revised since for 19 12 1: 0.40000000327445356+0.5000000000000222<0.9656654787732917
revised distance squared from orbit of 19 to 1 is at most 0.9656654787732917.
distance squared from orbit of 19 to 2 will be revised since for 19 14 2: 0.2500000000000806+0.5000000308592726<0.7692257052321999
revised distance squared from orbit of 19 to 2 is at most 0.7692257052321999.
distance squared from orbit of 19 to 3 will be revised since for 19 14 3: 0.2500000000000806+0.6666666666667155<0.945712162295899
revised distance squared from orbit of 19 to 3 is at most 0.945712162295899.
distance squared from orbit of 19 to 9 will be revised since for 19 8 9: 0.4865189739360442+0.25000000000004585<0.7500000000001447
revised distance squared from orbit of 19 to 9 is at most 0.7500000000001447.
distance squared from orbit of 19 to 9 will be revised since for 19 12 9: 0.40000000327445356+0.2500000000000293<0.7500000000001447
revised distance squared from orbit of 19 to 9 is at most 0.7500000000001447.
distance squared from orbit of 19 to 9 will be revised since for 19 23 9: 0.1666667237341603+0.5000000000000189<0.7500000000001447
revised distance squared from orbit of 19 to 9 is at most 0.7500000000001447.
distance squared from orbit of 19 to 10 will be revised since for 19 4 10: 0.6666667671993534+5.234815624435434e-12<0.7275530212949703
revised distance squared from orbit of 19 to 10 is at most 0.7275530212949703.
distance squared from orbit of 19 to 10 will be revised since for 19 14 10: 0.2500000000000806+0.4607847497730677<0.7275530212949703
revised distance squared from orbit of 19 to 10 is at most 0.7275530212949703.
distance squared from orbit of 19 to 11 will be revised since for 19 20 11: 7.246916594675523e-7+0.45873412263480484<0.4587352502309134
revised distance squared from orbit of 19 to 11 is at most 0.4587342940275721.
distance squared from orbit of 19 to 13 will be revised since for 19 12 13: 0.40000000327445356+0.16666685980954538<0.6145184472614486
revised distance squared from orbit of 19 to 13 is at most 0.6145184472614486.
distance squared from orbit of 19 to 13 will be revised since for 19 14 13: 0.2500000000000806+0.16666670501096717<0.6145184472614486
revised distance squared from orbit of 19 to 13 is at most 0.6145184472614486.
distance squared from orbit of 19 to 15 will be revised since for 19 26 15: 3.769987491983651e-7+0.33333333333655313<0.3334064953056072
revised distance squared from orbit of 19 to 15 is at most 0.3333353416068786.
distance squared from orbit of 19 to 16 will be revised since for 19 11 16: 0.4587342940275721+0.4000000832701194<0.8750040127330613
revised distance squared from orbit of 19 to 16 is at most 0.8750040127330613.
distance squared from orbit of 19 to 16 will be revised since for 19 17 16: 0.4149981207879089+0.4000000064121565<0.8750040127330613
revised distance squared from orbit of 19 to 16 is at most 0.8750040127330613.
distance squared from orbit of 19 to 16 will be revised since for 19 20 16: 7.246916594675523e-7+0.8748399336009769<0.8750040127330613
revised distance squared from orbit of 19 to 16 is at most 0.8748399506478317.
distance squared from orbit of 19 to 17 will be revised since for 19 20 17: 7.246916594675523e-7+0.414997287835605<0.4149981207879089
revised distance squared from orbit of 19 to 17 is at most 0.41499738627117067.
distance squared from orbit of 19 to 18 will be revised since for 19 8 18: 0.4865189739360442+6.06350248588218e-7<0.5000007083702281
revised distance squared from orbit of 19 to 18 is at most 0.5000007083702281.
distance squared from orbit of 19 to 18 will be revised since for 19 11 18: 0.4587342940275721+3.1807084935053145e-7<0.5000007083702281
revised distance squared from orbit of 19 to 18 is at most 0.5000007083702281.
distance squared from orbit of 19 to 18 will be revised since for 19 12 18: 0.40000000327445356+9.84594644457221e-7<0.5000007083702281
revised distance squared from orbit of 19 to 18 is at most 0.5000007083702281.
distance squared from orbit of 19 to 18 will be revised since for 19 14 18: 0.2500000000000806+8.589828039503053e-7<0.5000007083702281
revised distance squared from orbit of 19 to 18 is at most 0.5000007083702281.
distance squared from orbit of 19 to 18 will be revised since for 19 25 18: 4.431671039716268e-7+0.5000000000000911<0.5000007083702281
revised distance squared from orbit of 19 to 18 is at most 0.5000001516268214.
distance squared from orbit of 19 to 21 will be revised since for 19 23 21: 0.1666667237341603+0.20000000000001478<0.40000005246270715
revised distance squared from orbit of 19 to 21 is at most 0.40000001376112604.
distance squared from orbit of 19 to 22 will be revised since for 19 6 22: 0.5000006275276936+5.8062241766333415e-5<0.6752413585987581
revised distance squared from orbit of 19 to 22 is at most 0.6752413585987581.
distance squared from orbit of 19 to 22 will be revised since for 19 7 22: 0.6611185183610793+4.0395610234185855e-7<0.6752413585987581
revised distance squared from orbit of 19 to 22 is at most 0.6752413585987581.
distance squared from orbit of 19 to 22 will be revised since for 19 11 22: 0.4587342940275721+1.235564730351733e-5<0.6752413585987581
revised distance squared from orbit of 19 to 22 is at most 0.6752413585987581.
distance squared from orbit of 19 to 22 will be revised since for 19 17 22: 0.41499738627117067+9.750836732961828e-7<0.6752413585987581
revised distance squared from orbit of 19 to 22 is at most 0.6752413585987581.
distance squared from orbit of 19 to 22 will be revised since for 19 20 22: 7.246916594675523e-7+0.6752404735809641<0.6752413585987581
revised distance squared from orbit of 19 to 22 is at most 0.6752405342491549.
distance squared from orbit of 19 to 24 will be revised since for 19 26 24: 3.769987491983651e-7+0.2000000000043958<0.20003145517115023
revised distance squared from orbit of 19 to 24 is at most 0.2000042811163801.
distance squared from orbit of 19 to 27 will be revised since for 19 20 27: 7.246916594675523e-7+2.8689681112330136e-8<1.9008265974862912e-6
revised distance squared from orbit of 19 to 27 is at most 1.3746435994308026e-7.

distance squared from orbit of 20 to 2 will be revised since for 20 14 2: 0.3588307783100731+0.5000000308592726<0.8964466094068897
revised distance squared from orbit of 20 to 2 is at most 0.8964466094068897.
distance squared from orbit of 20 to 8 will be revised since for 20 27 8: 2.8689681112330136e-8+0.5000000000000453<0.5000003508622973
revised distance squared from orbit of 20 to 8 is at most 0.500000009923328.
distance squared from orbit of 20 to 9 will be revised since for 20 8 9: 0.500000009923328+0.25000000000004585<0.7500000491079883
revised distance squared from orbit of 20 to 9 is at most 0.7500000491079883.
distance squared from orbit of 20 to 9 will be revised since for 20 12 9: 0.5000000399376234+0.2500000000000293<0.7500000491079883
revised distance squared from orbit of 20 to 9 is at most 0.750000019768772.
distance squared from orbit of 20 to 9 will be revised since for 20 23 9: 0.16666669472601414+0.5000000000000189<0.750000019768772
revised distance squared from orbit of 20 to 9 is at most 0.7500000078251314.
distance squared from orbit of 20 to 10 will be revised since for 20 4 10: 0.6666667014110746+5.234815624435434e-12<0.7275530567425718
revised distance squared from orbit of 20 to 10 is at most 0.7275530567425718.
distance squared from orbit of 20 to 13 will be revised since for 20 14 13: 0.3588307783100731+0.16666670501096717<0.6145184180835792
revised distance squared from orbit of 20 to 13 is at most 0.6145184180835792.
distance squared from orbit of 20 to 15 will be revised since for 20 19 15: 0.14285714285737597+0.3333353416068786<0.5833333837915388
revised distance squared from orbit of 20 to 15 is at most 0.5833333837915388.
distance squared from orbit of 20 to 15 will be revised since for 20 23 15: 0.16666669472601414+0.333333333536027<0.5833333837915388
revised distance squared from orbit of 20 to 15 is at most 0.5833333837915388.
distance squared from orbit of 20 to 15 will be revised since for 20 26 15: 0.1428571508483234+0.33333333333655313<0.5833333837915388
revised distance squared from orbit of 20 to 15 is at most 0.5833333837915388.
distance squared from orbit of 20 to 15 will be revised since for 20 27 15: 2.8689681112330136e-8+0.5833333333333404<0.5833333837915388
revised distance squared from orbit of 20 to 15 is at most 0.5833333502822303.
distance squared from orbit of 20 to 16 will be revised since for 20 11 16: 0.45873412263480484+0.4000000832701194<0.8748399336009769
revised distance squared from orbit of 20 to 16 is at most 0.8748399336009769.
distance squared from orbit of 20 to 16 will be revised since for 20 17 16: 0.414997287835605+0.4000000064121565<0.8748399336009769
revised distance squared from orbit of 20 to 16 is at most 0.8748399336009769.
distance squared from orbit of 20 to 18 will be revised since for 20 11 18: 0.45873412263480484+3.1807084935053145e-7<0.500000031662764
revised distance squared from orbit of 20 to 18 is at most 0.500000031662764.
distance squared from orbit of 20 to 18 will be revised since for 20 14 18: 0.3588307783100731+8.589828039503053e-7<0.500000031662764
revised distance squared from orbit of 20 to 18 is at most 0.500000031662764.
distance squared from orbit of 20 to 21 will be revised since for 20 23 21: 0.16666669472601414+0.20000000000001478<0.4000000177020901
revised distance squared from orbit of 20 to 21 is at most 0.40000000896464255.
distance squared from orbit of 20 to 22 will be revised since for 20 6 22: 0.5000000000001285+5.8062241766333415e-5<0.6752404735809641
revised distance squared from orbit of 20 to 22 is at most 0.6752404735809641.
distance squared from orbit of 20 to 22 will be revised since for 20 11 22: 0.45873412263480484+1.235564730351733e-5<0.6752404735809641
revised distance squared from orbit of 20 to 22 is at most 0.6752404735809641.
distance squared from orbit of 20 to 22 will be revised since for 20 17 22: 0.414997287835605+9.750836732961828e-7<0.6752404735809641
revised distance squared from orbit of 20 to 22 is at most 0.6752404735809641.
distance squared from orbit of 20 to 24 will be revised since for 20 19 24: 0.14285714285737597+0.2000042811163801<0.4000000057795004
revised distance squared from orbit of 20 to 24 is at most 0.4000000057795004.
distance squared from orbit of 20 to 24 will be revised since for 20 23 24: 0.16666669472601414+0.20000000010320002<0.4000000057795004
revised distance squared from orbit of 20 to 24 is at most 0.4000000057795004.
distance squared from orbit of 20 to 24 will be revised since for 20 26 24: 0.1428571508483234+0.2000000000043958<0.4000000057795004
revised distance squared from orbit of 20 to 24 is at most 0.4000000057795004.

distance squared from orbit of 21 to 1 will be revised since for 21 12 1: 0.5000000000000336+0.5000000000000222<1.0000000000001856
revised distance squared from orbit of 21 to 1 is at most 1.0000000000001856.
distance squared from orbit of 21 to 3 will be revised since for 21 15 3: 0.3333333333768747+0.6473671297244358<1.0000000000017923
revised distance squared from orbit of 21 to 3 is at most 1.0000000000017923.
distance squared from orbit of 21 to 6 will be revised since for 21 25 6: 4.359523553186725e-7+0.666666666666706<0.6666673548460059
revised distance squared from orbit of 21 to 6 is at most 0.666666759470491.
distance squared from orbit of 21 to 7 will be revised since for 21 15 7: 0.3333333333768747+0.6606500560504187<1.0000000000057092
revised distance squared from orbit of 21 to 7 is at most 1.0000000000057092.
distance squared from orbit of 21 to 7 will be revised since for 21 19 7: 0.33333662169357375+0.6611185183610793<1.0000000000057092
revised distance squared from orbit of 21 to 7 is at most 1.0000000000057092.
distance squared from orbit of 21 to 10 will be revised since for 21 4 10: 0.6666666666671912+5.234815624435434e-12<0.666666667410122
revised distance squared from orbit of 21 to 10 is at most 0.666666667410122.
distance squared from orbit of 21 to 11 will be revised since for 21 24 11: 1.8704434396067724e-9+0.5000004032008448<0.5000253421980629
revised distance squared from orbit of 21 to 11 is at most 0.5000003946925087.
distance squared from orbit of 21 to 14 will be revised since for 21 26 14: 2.205820617031517e-6+0.5000000000000738<0.5000060962986014
revised distance squared from orbit of 21 to 14 is at most 0.5000003536071089.
distance squared from orbit of 21 to 17 will be revised since for 21 11 17: 0.5000003946925087+1.1476213308831052e-6<0.6458343620704624
revised distance squared from orbit of 21 to 17 is at most 0.6458343620704624.
distance squared from orbit of 21 to 17 will be revised since for 21 25 17: 4.359523553186725e-7+0.6458333333335508<0.6458343620704624
revised distance squared from orbit of 21 to 17 is at most 0.6458334774782098.
distance squared from orbit of 21 to 18 will be revised since for 21 25 18: 4.359523553186725e-7+0.5000000000000911<0.5000005847152946
revised distance squared from orbit of 21 to 18 is at most 0.5000000584926472.
distance squared from orbit of 21 to 19 will be revised since for 21 26 19: 2.205820617031517e-6+0.3333333333333942<0.33333662169357375
revised distance squared from orbit of 21 to 19 is at most 0.333333811054428.
distance squared from orbit of 21 to 20 will be revised since for 21 15 20: 0.3333333333768747+6.453630671211461e-7<0.3333583232646791
revised distance squared from orbit of 21 to 20 is at most 0.3333583232646791.
distance squared from orbit of 21 to 20 will be revised since for 21 19 20: 0.333333811054428+7.246916594675523e-7<0.3333583232646791
revised distance squared from orbit of 21 to 20 is at most 0.3333583232646791.
distance squared from orbit of 21 to 20 will be revised since for 21 24 20: 1.8704434396067724e-9+0.3333340747217656<0.3333583232646791
revised distance squared from orbit of 21 to 20 is at most 0.3333340746301301.
distance squared from orbit of 21 to 20 will be revised since for 21 25 20: 4.359523553186725e-7+0.333333345609604<0.3333340746301301
revised distance squared from orbit of 21 to 20 is at most 0.3333340746301301.
distance squared from orbit of 21 to 22 will be revised since for 21 6 22: 0.666666759470491+5.8062241766333415e-5<0.8750194604774518
revised distance squared from orbit of 21 to 22 is at most 0.8750194604774518.
distance squared from orbit of 21 to 22 will be revised since for 21 11 22: 0.5000003946925087+1.235564730351733e-5<0.8750194604774518
revised distance squared from orbit of 21 to 22 is at most 0.8750194604774518.
distance squared from orbit of 21 to 22 will be revised since for 21 16 22: 0.8750000000050625+6.371313431564292e-7<0.8750194604774518
revised distance squared from orbit of 21 to 22 is at most 0.8750194604774518.
distance squared from orbit of 21 to 22 will be revised since for 21 17 22: 0.6458334774782098+9.750836732961828e-7<0.8750194604774518
revised distance squared from orbit of 21 to 22 is at most 0.8750194604774518.
distance squared from orbit of 21 to 22 will be revised since for 21 24 22: 1.8704434396067724e-9+0.8750003744244457<0.8750194604774518
revised distance squared from orbit of 21 to 22 is at most 0.8750003471208884.
distance squared from orbit of 21 to 27 will be revised since for 21 24 27: 1.8704434396067724e-9+6.757875266745599e-7<2.1942272863579636e-5
revised distance squared from orbit of 21 to 27 is at most 6.504275927939305e-7.
distance squared from orbit of 21 to 27 will be revised since for 21 25 27: 4.359523553186725e-7+4.14283971197918e-8<6.504275927939305e-7
revised distance squared from orbit of 21 to 27 is at most 6.504275927939305e-7.

distance squared from orbit of 22 to 2 will be revised since for 22 5 2: 0.5000000000000431+0.4000000000002914<0.919058356455122
revised distance squared from orbit of 22 to 2 is at most 0.919058356455122.
distance squared from orbit of 22 to 2 will be revised since for 22 11 2: 0.3750000000000357+0.5000000675766444<0.919058356455122
revised distance squared from orbit of 22 to 2 is at most 0.919058356455122.
distance squared from orbit of 22 to 3 will be revised since for 22 16 3: 0.4000000000000854+0.5000000000000384<0.9490377182733583
revised distance squared from orbit of 22 to 3 is at most 0.9490377182733583.
distance squared from orbit of 22 to 4 will be revised since for 22 8 4: 0.5000002076439427+0.33333333333335075<0.9166714017293709
revised distance squared from orbit of 22 to 4 is at most 0.9166714017293709.
distance squared from orbit of 22 to 4 will be revised since for 22 27 4: 1.5291924275042733e-6+0.9166666666667459<0.9166714017293709
revised distance squared from orbit of 22 to 4 is at most 0.9166668901370033.
distance squared from orbit of 22 to 6 will be revised since for 22 11 6: 0.3750000000000357+0.16666666666674113<0.6666666666667657
revised distance squared from orbit of 22 to 6 is at most 0.6666666666667657.
distance squared from orbit of 22 to 9 will be revised since for 22 8 9: 0.5000002076439427+0.25000000000004585<0.9500028595056531
revised distance squared from orbit of 22 to 9 is at most 0.9500028595056531.
distance squared from orbit of 22 to 9 will be revised since for 22 12 9: 0.600001057508305+0.2500000000000293<0.9500028595056531
revised distance squared from orbit of 22 to 9 is at most 0.9500028595056531.
distance squared from orbit of 22 to 9 will be revised since for 22 27 9: 1.5291924275042733e-6+0.9500000000062987<0.9500028595056531
revised distance squared from orbit of 22 to 9 is at most 0.9500001576188514.
distance squared from orbit of 22 to 10 will be revised since for 22 4 10: 0.9166668901370033+5.234815624435434e-12<0.9494792373860058
revised distance squared from orbit of 22 to 10 is at most 0.9494792373860058.
distance squared from orbit of 22 to 10 will be revised since for 22 8 10: 0.5000002076439427+0.39421966414260984<0.9494792373860058
revised distance squared from orbit of 22 to 10 is at most 0.9494792373860058.
distance squared from orbit of 22 to 10 will be revised since for 22 11 10: 0.3750000000000357+0.460784766899273<0.9494792373860058
revised distance squared from orbit of 22 to 10 is at most 0.9494792373860058.
distance squared from orbit of 22 to 13 will be revised since for 22 11 13: 0.3750000000000357+0.16666679187421402<0.666666666666847
revised distance squared from orbit of 22 to 13 is at most 0.666666666666847.
distance squared from orbit of 22 to 14 will be revised since for 22 7 14: 0.5000000000001192+1.4710941048008673e-5<0.578191861043256
revised distance squared from orbit of 22 to 14 is at most 0.578191861043256.
distance squared from orbit of 22 to 14 will be revised since for 22 8 14: 0.5000002076439427+2.7021844120461495e-5<0.578191861043256
revised distance squared from orbit of 22 to 14 is at most 0.578191861043256.
distance squared from orbit of 22 to 15 will be revised since for 22 26 15: 0.14285815506627544+0.33333333333655313<0.5833342617999137
revised distance squared from orbit of 22 to 15 is at most 0.5833333730936663.
distance squared from orbit of 22 to 18 will be revised since for 22 5 18: 0.5000000000000431+1.8503968767362432e-6<0.7142857142858835
revised distance squared from orbit of 22 to 18 is at most 0.7142857142858835.
distance squared from orbit of 22 to 18 will be revised since for 22 6 18: 0.6666666666667657+2.1870722712205967e-7<0.7142857142858835
revised distance squared from orbit of 22 to 18 is at most 0.7142857142858835.
distance squared from orbit of 22 to 18 will be revised since for 22 7 18: 0.5000000000001192+0.010592570464317544<0.7142857142858835
revised distance squared from orbit of 22 to 18 is at most 0.7142857142858835.
distance squared from orbit of 22 to 18 will be revised since for 22 8 18: 0.5000002076439427+6.06350248588218e-7<0.7142857142858835
revised distance squared from orbit of 22 to 18 is at most 0.7142857142858835.
distance squared from orbit of 22 to 18 will be revised since for 22 11 18: 0.3750000000000357+3.1807084935053145e-7<0.7142857142858835
revised distance squared from orbit of 22 to 18 is at most 0.7142857142858835.
distance squared from orbit of 22 to 18 will be revised since for 22 12 18: 0.600001057508305+9.84594644457221e-7<0.7142857142858835
revised distance squared from orbit of 22 to 18 is at most 0.7142857142858835.
distance squared from orbit of 22 to 18 will be revised since for 22 13 18: 0.666666666666847+6.70577031519286e-7<0.7142857142858835
revised distance squared from orbit of 22 to 18 is at most 0.7142857142858835.
distance squared from orbit of 22 to 18 will be revised since for 22 14 18: 0.578191861043256+8.589828039503053e-7<0.7142857142858835
revised distance squared from orbit of 22 to 18 is at most 0.7142857142858835.
distance squared from orbit of 22 to 19 will be revised since for 22 27 19: 1.5291924275042733e-6+0.4359405000379309<0.4359422137872347
revised distance squared from orbit of 22 to 19 is at most 0.43594064769560137.
distance squared from orbit of 22 to 21 will be revised since for 22 5 21: 0.5000000000000431+0.4000009674265151<0.9000020348278731
revised distance squared from orbit of 22 to 21 is at most 0.9000020348278731.
distance squared from orbit of 22 to 21 will be revised since for 22 7 21: 0.5000000000001192+0.4000013943126086<0.9000020348278731
revised distance squared from orbit of 22 to 21 is at most 0.9000020348278731.
distance squared from orbit of 22 to 21 will be revised since for 22 8 21: 0.5000002076439427+0.40000000000043157<0.9000020348278731
revised distance squared from orbit of 22 to 21 is at most 0.9000020348278731.
distance squared from orbit of 22 to 21 will be revised since for 22 11 21: 0.3750000000000357+0.4000000108851653<0.9000020348278731
revised distance squared from orbit of 22 to 21 is at most 0.9000020348278731.
distance squared from orbit of 22 to 21 will be revised since for 22 13 21: 0.666666666666847+0.20000000147282754<0.9000020348278731
revised distance squared from orbit of 22 to 21 is at most 0.9000020348278731.
distance squared from orbit of 22 to 21 will be revised since for 22 15 21: 0.5833333730936663+0.20000000000006235<0.9000020348278731
revised distance squared from orbit of 22 to 21 is at most 0.9000020348278731.
distance squared from orbit of 22 to 21 will be revised since for 22 17 21: 0.3333333333334784+0.4000002160437883<0.9000020348278731
revised distance squared from orbit of 22 to 21 is at most 0.9000020348278731.
distance squared from orbit of 22 to 21 will be revised since for 22 19 21: 0.43594064769560137+0.40000001376112604<0.9000020348278731
revised distance squared from orbit of 22 to 21 is at most 0.9000020348278731.
distance squared from orbit of 22 to 21 will be revised since for 22 20 21: 0.33333336731801805+0.40000000896464255<0.9000020348278731
revised distance squared from orbit of 22 to 21 is at most 0.9000020348278731.
distance squared from orbit of 22 to 21 will be revised since for 22 23 21: 0.6666666666667036+0.20000000000001478<0.9000020348278731
revised distance squared from orbit of 22 to 21 is at most 0.9000020348278731.
distance squared from orbit of 22 to 21 will be revised since for 22 24 21: 0.40000063830427923+0.5000000000000285<0.9000020348278731
revised distance squared from orbit of 22 to 21 is at most 0.9000001096644247.
distance squared from orbit of 22 to 21 will be revised since for 22 26 21: 0.14285815506627544+0.7000000000042998<0.9000001096644247
revised distance squared from orbit of 22 to 21 is at most 0.9000000642547227.
distance squared from orbit of 22 to 23 will be revised since for 22 11 23: 0.3750000000000357+0.16666675155217792<0.6666666666667036
revised distance squared from orbit of 22 to 23 is at most 0.6666666666667036.
distance squared from orbit of 22 to 23 will be revised since for 22 17 23: 0.3333333333334784+0.16666729282721915<0.6666666666667036
revised distance squared from orbit of 22 to 23 is at most 0.6666666666667036.
distance squared from orbit of 22 to 23 will be revised since for 22 19 23: 0.43594064769560137+0.1666667237341603<0.6666666666667036
revised distance squared from orbit of 22 to 23 is at most 0.6666666666667036.
distance squared from orbit of 22 to 23 will be revised since for 22 20 23: 0.33333336731801805+0.16666669472601414<0.6666666666667036
revised distance squared from orbit of 22 to 23 is at most 0.6666666666667036.
distance squared from orbit of 22 to 24 will be revised since for 22 26 24: 0.14285815506627544+0.2000000000043958<0.40000063830427923
revised distance squared from orbit of 22 to 24 is at most 0.40000006387546827.
distance squared from orbit of 22 to 25 will be revised since for 22 7 25: 0.5000000000001192+3.161600266375427e-6<0.5000031929900258
revised distance squared from orbit of 22 to 25 is at most 0.5000031929900258.
distance squared from orbit of 22 to 25 will be revised since for 22 8 25: 0.5000002076439427+2.953228993195046e-7<0.5000031929900258
revised distance squared from orbit of 22 to 25 is at most 0.5000031929900258.
distance squared from orbit of 22 to 25 will be revised since for 22 11 25: 0.3750000000000357+2.3583944455157915e-8<0.5000031929900258
revised distance squared from orbit of 22 to 25 is at most 0.5000031929900258.
distance squared from orbit of 22 to 25 will be revised since for 22 17 25: 0.3333333333334784+1.7858696746781515e-6<0.5000031929900258
revised distance squared from orbit of 22 to 25 is at most 0.5000008468628016.
distance squared from orbit of 22 to 25 will be revised since for 22 19 25: 0.43594064769560137+4.431671039716268e-7<0.5000008468628016
revised distance squared from orbit of 22 to 25 is at most 0.5000008468628016.
distance squared from orbit of 22 to 25 will be revised since for 22 20 25: 0.33333336731801805+3.613705994822693e-7<0.5000008468628016
revised distance squared from orbit of 22 to 25 is at most 0.5000008468628016.

distance squared from orbit of 23 to 2 will be revised since for 23 12 2: 0.5000000000001849+0.5000000000000526<1.000000000000624
revised distance squared from orbit of 23 to 2 is at most 1.000000000000624.
distance squared from orbit of 23 to 3 will be revised since for 23 15 3: 0.333333333536027+0.6473671297244358<1.0000000000018856
revised distance squared from orbit of 23 to 3 is at most 1.0000000000018856.
distance squared from orbit of 23 to 7 will be revised since for 23 15 7: 0.333333333536027+0.6606500560504187<1.0000000000040905
revised distance squared from orbit of 23 to 7 is at most 1.0000000000040905.
distance squared from orbit of 23 to 7 will be revised since for 23 19 7: 0.3333494352208143+0.6611185183610793<1.0000000000040905
revised distance squared from orbit of 23 to 7 is at most 1.0000000000040905.
distance squared from orbit of 23 to 11 will be revised since for 23 25 11: 9.665251415174035e-7+0.5000000190581585<0.500169728151893
revised distance squared from orbit of 23 to 11 is at most 0.500169728151893.
distance squared from orbit of 23 to 11 will be revised since for 23 26 11: 1.612706232522123e-5+0.5000006130047416<0.500169728151893
revised distance squared from orbit of 23 to 11 is at most 0.5000558119600829.
distance squared from orbit of 23 to 16 will be revised since for 23 25 16: 9.665251415174035e-7+0.8750000235067725<0.8751566662498197
revised distance squared from orbit of 23 to 16 is at most 0.8751374859437953.
distance squared from orbit of 23 to 16 will be revised since for 23 26 16: 1.612706232522123e-5+0.8750005265432401<0.8751374859437953
revised distance squared from orbit of 23 to 16 is at most 0.8750140762835413.
distance squared from orbit of 23 to 17 will be revised since for 23 11 17: 0.5000558119600829+1.1476213308831052e-6<0.6458341624494645
revised distance squared from orbit of 23 to 17 is at most 0.6458341624494645.
distance squared from orbit of 23 to 20 will be revised since for 23 15 20: 0.333333333536027+6.453630671211461e-7<0.33345967112582126
revised distance squared from orbit of 23 to 20 is at most 0.33345967112582126.
distance squared from orbit of 23 to 20 will be revised since for 23 19 20: 0.3333494352208143+7.246916594675523e-7<0.33345967112582126
revised distance squared from orbit of 23 to 20 is at most 0.33345967112582126.
distance squared from orbit of 23 to 20 will be revised since for 23 25 20: 9.665251415174035e-7+0.333333345609604<0.33345967112582126
revised distance squared from orbit of 23 to 20 is at most 0.33345967112582126.
distance squared from orbit of 23 to 20 will be revised since for 23 26 20: 1.612706232522123e-5+0.33333426680742284<0.33345967112582126
revised distance squared from orbit of 23 to 20 is at most 0.3333469511726687.
distance squared from orbit of 23 to 22 will be revised since for 23 6 22: 0.6666671565805014+5.8062241766333415e-5<0.8751298589758962
revised distance squared from orbit of 23 to 22 is at most 0.8751298589758962.
distance squared from orbit of 23 to 22 will be revised since for 23 11 22: 0.5000558119600829+1.235564730351733e-5<0.8751298589758962
revised distance squared from orbit of 23 to 22 is at most 0.8751298589758962.
distance squared from orbit of 23 to 22 will be revised since for 23 16 22: 0.8750140762835413+6.371313431564292e-7<0.8751298589758962
revised distance squared from orbit of 23 to 22 is at most 0.8751298589758962.
distance squared from orbit of 23 to 22 will be revised since for 23 17 22: 0.6458341624494645+9.750836732961828e-7<0.8751298589758962
revised distance squared from orbit of 23 to 22 is at most 0.8751298589758962.
distance squared from orbit of 23 to 22 will be revised since for 23 25 22: 9.665251415174035e-7+0.8750000298910977<0.8751298589758962
revised distance squared from orbit of 23 to 22 is at most 0.8751298589758962.
distance squared from orbit of 23 to 22 will be revised since for 23 26 22: 1.612706232522123e-5+0.8750006895570985<0.8751298589758962
revised distance squared from orbit of 23 to 22 is at most 0.8750264604016397.
distance squared from orbit of 23 to 27 will be revised since for 23 25 27: 9.665251415174035e-7+4.14283971197918e-8<0.00014634467672095257
revised distance squared from orbit of 23 to 27 is at most 0.00014634467672095257.
distance squared from orbit of 23 to 27 will be revised since for 23 26 27: 1.612706232522123e-5+8.322754772760513e-7<0.00014634467672095257
revised distance squared from orbit of 23 to 27 is at most 1.9634101526870165e-5.

distance squared from orbit of 24 to 3 will be revised since for 24 8 3: 0.5000000000011836+0.5000000000000409<1.0000000000027462
revised distance squared from orbit of 24 to 3 is at most 1.0000000000027462.
distance squared from orbit of 24 to 3 will be revised since for 24 15 3: 0.33333333333341547+0.6473671297244358<1.0000000000027462
revised distance squared from orbit of 24 to 3 is at most 1.0000000000027462.
distance squared from orbit of 24 to 4 will be revised since for 24 8 4: 0.5000000000011836+0.33333333333335075<0.9166666666671216
revised distance squared from orbit of 24 to 4 is at most 0.9166666666671216.
distance squared from orbit of 24 to 6 will be revised since for 24 8 6: 0.5000000000011836+0.3333334121541456<0.8333348193397502
revised distance squared from orbit of 24 to 6 is at most 0.8333348193397502.
distance squared from orbit of 24 to 6 will be revised since for 24 11 6: 0.5000004032008448+0.16666666666674113<0.8333348193397502
revised distance squared from orbit of 24 to 6 is at most 0.8333334745845482.
distance squared from orbit of 24 to 7 will be revised since for 24 15 7: 0.33333333333341547+0.6606500560504187<1.0000000000973466
revised distance squared from orbit of 24 to 7 is at most 1.0000000000973466.
distance squared from orbit of 24 to 7 will be revised since for 24 19 7: 0.33338112414868026+0.6611185183610793<1.0000000000973466
revised distance squared from orbit of 24 to 7 is at most 1.0000000000973466.
distance squared from orbit of 24 to 9 will be revised since for 24 8 9: 0.5000000000011836+0.25000000000004585<0.8333333333336892
revised distance squared from orbit of 24 to 9 is at most 0.8333333333336892.
distance squared from orbit of 24 to 9 will be revised since for 24 15 9: 0.33333333333341547+0.5000000000000145<0.8333333333336892
revised distance squared from orbit of 24 to 9 is at most 0.8333333333336892.
distance squared from orbit of 24 to 10 will be revised since for 24 4 10: 0.9166666666671216+5.234815624435434e-12<0.9389449363085561
revised distance squared from orbit of 24 to 10 is at most 0.9389449363085561.
distance squared from orbit of 24 to 10 will be revised since for 24 8 10: 0.5000000000011836+0.39421966414260984<0.9389449363085561
revised distance squared from orbit of 24 to 10 is at most 0.9389449363085561.
distance squared from orbit of 24 to 13 will be revised since for 24 8 13: 0.5000000000011836+0.16666720871693394<0.8833708286981434
revised distance squared from orbit of 24 to 13 is at most 0.8833708286981434.
distance squared from orbit of 24 to 13 will be revised since for 24 9 13: 0.8333333333336892+8.205210976586141e-7<0.8833708286981434
revised distance squared from orbit of 24 to 13 is at most 0.8833708286981434.
distance squared from orbit of 24 to 13 will be revised since for 24 11 13: 0.5000004032008448+0.16666679187421402<0.8833708286981434
revised distance squared from orbit of 24 to 13 is at most 0.8833708286981434.
distance squared from orbit of 24 to 13 will be revised since for 24 12 13: 0.6000000000064735+0.16666685980954538<0.8833708286981434
revised distance squared from orbit of 24 to 13 is at most 0.8833708286981434.
distance squared from orbit of 24 to 13 will be revised since for 24 14 13: 0.5000244085621793+0.16666670501096717<0.8833708286981434
revised distance squared from orbit of 24 to 13 is at most 0.8833708286981434.
distance squared from orbit of 24 to 13 will be revised since for 24 18 13: 0.7142857142867813+0.16666666666682453<0.8833708286981434
revised distance squared from orbit of 24 to 13 is at most 0.8833708286981434.
distance squared from orbit of 24 to 17 will be revised since for 24 11 17: 0.5000004032008448+1.1476213308831052e-6<0.6666671185349972
revised distance squared from orbit of 24 to 17 is at most 0.6666671185349972.
distance squared from orbit of 24 to 18 will be revised since for 24 8 18: 0.5000000000011836+6.06350248588218e-7<0.7142857142867813
revised distance squared from orbit of 24 to 18 is at most 0.7142857142867813.
distance squared from orbit of 24 to 18 will be revised since for 24 11 18: 0.5000004032008448+3.1807084935053145e-7<0.7142857142867813
revised distance squared from orbit of 24 to 18 is at most 0.7142857142867813.
distance squared from orbit of 24 to 18 will be revised since for 24 12 18: 0.6000000000064735+9.84594644457221e-7<0.7142857142867813
revised distance squared from orbit of 24 to 18 is at most 0.7142857142867813.
distance squared from orbit of 24 to 18 will be revised since for 24 14 18: 0.5000244085621793+8.589828039503053e-7<0.7142857142867813
revised distance squared from orbit of 24 to 18 is at most 0.7142857142867813.
distance squared from orbit of 24 to 20 will be revised since for 24 15 20: 0.33333333333341547+6.453630671211461e-7<0.3333340747217656
revised distance squared from orbit of 24 to 20 is at most 0.3333340747217656.
distance squared from orbit of 24 to 20 will be revised since for 24 27 20: 6.757875266745599e-7+0.3333333333334052<0.3333340747217656
revised distance squared from orbit of 24 to 20 is at most 0.3333335236184651.
distance squared from orbit of 24 to 22 will be revised since for 24 6 22: 0.8333334745845482+5.8062241766333415e-5<0.8750003744244457
revised distance squared from orbit of 24 to 22 is at most 0.8750003744244457.
distance squared from orbit of 24 to 22 will be revised since for 24 11 22: 0.5000004032008448+1.235564730351733e-5<0.8750003744244457
revised distance squared from orbit of 24 to 22 is at most 0.8750003744244457.
distance squared from orbit of 24 to 22 will be revised since for 24 17 22: 0.6666671185349972+9.750836732961828e-7<0.8750003744244457
revised distance squared from orbit of 24 to 22 is at most 0.8750003744244457.
distance squared from orbit of 24 to 23 will be revised since for 24 15 23: 0.33333333333341547+0.16666689102718332<0.554403500951791
revised distance squared from orbit of 24 to 23 is at most 0.554403500951791.
distance squared from orbit of 24 to 23 will be revised since for 24 19 23: 0.33338112414868026+0.1666667237341603<0.554403500951791
revised distance squared from orbit of 24 to 23 is at most 0.554403500951791.
distance squared from orbit of 24 to 23 will be revised since for 24 20 23: 0.3333335236184651+0.16666669472601414<0.554403500951791
revised distance squared from orbit of 24 to 23 is at most 0.554403500951791.
distance squared from orbit of 24 to 23 will be revised since for 24 21 23: 0.5000000000000285+5.902143258015339e-7<0.554403500951791
revised distance squared from orbit of 24 to 23 is at most 0.554403500951791.
distance squared from orbit of 24 to 25 will be revised since for 24 8 25: 0.5000000000011836+2.953228993195046e-7<0.5000004400994519
revised distance squared from orbit of 24 to 25 is at most 0.5000004400994519.
distance squared from orbit of 24 to 25 will be revised since for 24 11 25: 0.5000004032008448+2.3583944455157915e-8<0.5000004400994519
revised distance squared from orbit of 24 to 25 is at most 0.5000004400994519.
distance squared from orbit of 24 to 25 will be revised since for 24 15 25: 0.33333333333341547+2.5452125986484096e-6<0.5000004400994519
revised distance squared from orbit of 24 to 25 is at most 0.5000004400994519.
distance squared from orbit of 24 to 25 will be revised since for 24 19 25: 0.33338112414868026+4.431671039716268e-7<0.5000004400994519
revised distance squared from orbit of 24 to 25 is at most 0.5000004400994519.
distance squared from orbit of 24 to 25 will be revised since for 24 20 25: 0.3333335236184651+3.613705994822693e-7<0.5000004400994519
revised distance squared from orbit of 24 to 25 is at most 0.5000004400994519.
distance squared from orbit of 24 to 25 will be revised since for 24 21 25: 0.5000000000000285+4.359523553186725e-7<0.5000004400994519
revised distance squared from orbit of 24 to 25 is at most 0.5000002456793137.

distance squared from orbit of 25 to 5 will be revised since for 25 27 5: 4.14283971197918e-8+0.9791666666688913<0.9791667170388548
revised distance squared from orbit of 25 to 5 is at most 0.9791666742895015.
distance squared from orbit of 25 to 9 will be revised since for 25 23 9: 0.16666666666667862+0.5000000000000189<0.7500000000000603
revised distance squared from orbit of 25 to 9 is at most 0.7500000000000603.
distance squared from orbit of 25 to 10 will be revised since for 25 4 10: 0.666666666666702+5.234815624435434e-12<0.727552997475871
revised distance squared from orbit of 25 to 10 is at most 0.727552997475871.
distance squared from orbit of 25 to 14 will be revised since for 25 8 14: 0.5000000001644399+2.7021844120461495e-5<0.5793156242931875
revised distance squared from orbit of 25 to 14 is at most 0.5793156242931875.
distance squared from orbit of 25 to 15 will be revised since for 25 23 15: 0.16666666666667862+0.333333333536027<0.5833333335923028
revised distance squared from orbit of 25 to 15 is at most 0.5833333335782216.
distance squared from orbit of 25 to 15 will be revised since for 25 26 15: 0.14285717914878926+0.33333333333655313<0.5833333335782216
revised distance squared from orbit of 25 to 15 is at most 0.5833333335782216.
distance squared from orbit of 25 to 17 will be revised since for 25 11 17: 0.5000000190581585+1.1476213308831052e-6<0.6458333333335508
revised distance squared from orbit of 25 to 17 is at most 0.6458333333335508.
distance squared from orbit of 25 to 21 will be revised since for 25 23 21: 0.16666666666667862+0.20000000000001478<0.40000000000002134
revised distance squared from orbit of 25 to 21 is at most 0.40000000000002134.
distance squared from orbit of 25 to 22 will be revised since for 25 6 22: 0.666666666666706+5.8062241766333415e-5<0.8750000298910977
revised distance squared from orbit of 25 to 22 is at most 0.8750000298910977.
distance squared from orbit of 25 to 22 will be revised since for 25 11 22: 0.5000000190581585+1.235564730351733e-5<0.8750000298910977
revised distance squared from orbit of 25 to 22 is at most 0.8750000298910977.
distance squared from orbit of 25 to 22 will be revised since for 25 17 22: 0.6458333333335508+9.750836732961828e-7<0.8750000298910977
revised distance squared from orbit of 25 to 22 is at most 0.8750000298910977.
distance squared from orbit of 25 to 24 will be revised since for 25 23 24: 0.16666666666667862+0.20000000010320002<0.40000000013698894
revised distance squared from orbit of 25 to 24 is at most 0.40000000013698894.
distance squared from orbit of 25 to 24 will be revised since for 25 26 24: 0.14285717914878926+0.2000000000043958<0.40000000013698894
revised distance squared from orbit of 25 to 24 is at most 0.40000000013698894.

distance squared from orbit of 26 to 3 will be revised since for 26 15 3: 0.33333333333655313+0.6473671297244358<1.0000000000002927
revised distance squared from orbit of 26 to 3 is at most 1.0000000000002927.
distance squared from orbit of 26 to 4 will be revised since for 26 8 4: 0.5000000000003536+0.33333333333335075<0.9166666666670219
revised distance squared from orbit of 26 to 4 is at most 0.9166666666670219.
distance squared from orbit of 26 to 6 will be revised since for 26 8 6: 0.5000000000003536+0.3333334121541456<0.8333342183695799
revised distance squared from orbit of 26 to 6 is at most 0.8333342183695799.
distance squared from orbit of 26 to 6 will be revised since for 26 11 6: 0.5000006130047416+0.16666666666674113<0.8333342183695799
revised distance squared from orbit of 26 to 6 is at most 0.8333334982019219.
distance squared from orbit of 26 to 7 will be revised since for 26 15 7: 0.33333333333655313+0.6606500560504187<1.0000000000002882
revised distance squared from orbit of 26 to 7 is at most 1.0000000000002882.
distance squared from orbit of 26 to 7 will be revised since for 26 19 7: 0.3333333333333942+0.6611185183610793<1.0000000000002882
revised distance squared from orbit of 26 to 7 is at most 1.0000000000002882.
distance squared from orbit of 26 to 9 will be revised since for 26 8 9: 0.5000000000003536+0.25000000000004585<0.8333333333707799
revised distance squared from orbit of 26 to 9 is at most 0.8333333333707799.
distance squared from orbit of 26 to 9 will be revised since for 26 15 9: 0.33333333333655313+0.5000000000000145<0.8333333333707799
revised distance squared from orbit of 26 to 9 is at most 0.8333333333707799.
distance squared from orbit of 26 to 10 will be revised since for 26 4 10: 0.9166666666670219+5.234815624435434e-12<0.943387697049285
revised distance squared from orbit of 26 to 10 is at most 0.943387697049285.
distance squared from orbit of 26 to 10 will be revised since for 26 8 10: 0.5000000000003536+0.39421966414260984<0.943387697049285
revised distance squared from orbit of 26 to 10 is at most 0.943387697049285.
distance squared from orbit of 26 to 13 will be revised since for 26 8 13: 0.5000000000003536+0.16666720871693394<0.8995526772384297
revised distance squared from orbit of 26 to 13 is at most 0.8995526772384297.
distance squared from orbit of 26 to 13 will be revised since for 26 9 13: 0.8333333333707799+8.205210976586141e-7<0.8995526772384297
revised distance squared from orbit of 26 to 13 is at most 0.8995526772384297.
distance squared from orbit of 26 to 13 will be revised since for 26 11 13: 0.5000006130047416+0.16666679187421402<0.8995526772384297
revised distance squared from orbit of 26 to 13 is at most 0.8995526772384297.
distance squared from orbit of 26 to 13 will be revised since for 26 12 13: 0.6000000000053151+0.16666685980954538<0.8995526772384297
revised distance squared from orbit of 26 to 13 is at most 0.8995526772384297.
distance squared from orbit of 26 to 13 will be revised since for 26 14 13: 0.5000000000000738+0.16666670501096717<0.8995526772384297
revised distance squared from orbit of 26 to 13 is at most 0.8995526772384297.
distance squared from orbit of 26 to 13 will be revised since for 26 18 13: 0.714285714286068+0.16666666666682453<0.8995526772384297
revised distance squared from orbit of 26 to 13 is at most 0.8995526772384297.
distance squared from orbit of 26 to 17 will be revised since for 26 11 17: 0.5000006130047416+1.1476213308831052e-6<0.6666676666680721
revised distance squared from orbit of 26 to 17 is at most 0.6666676666680721.
distance squared from orbit of 26 to 17 will be revised since for 26 27 17: 8.322754772760513e-7+0.6666666666668272<0.6666676666680721
revised distance squared from orbit of 26 to 17 is at most 0.6666670138403918.
distance squared from orbit of 26 to 18 will be revised since for 26 8 18: 0.5000000000003536+6.06350248588218e-7<0.714285714286068
revised distance squared from orbit of 26 to 18 is at most 0.714285714286068.
distance squared from orbit of 26 to 18 will be revised since for 26 11 18: 0.5000006130047416+3.1807084935053145e-7<0.714285714286068
revised distance squared from orbit of 26 to 18 is at most 0.714285714286068.
distance squared from orbit of 26 to 18 will be revised since for 26 12 18: 0.6000000000053151+9.84594644457221e-7<0.714285714286068
revised distance squared from orbit of 26 to 18 is at most 0.714285714286068.
distance squared from orbit of 26 to 18 will be revised since for 26 14 18: 0.5000000000000738+8.589828039503053e-7<0.714285714286068
revised distance squared from orbit of 26 to 18 is at most 0.714285714286068.
distance squared from orbit of 26 to 20 will be revised since for 26 15 20: 0.33333333333655313+6.453630671211461e-7<0.33333426680742284
revised distance squared from orbit of 26 to 20 is at most 0.33333426680742284.
distance squared from orbit of 26 to 20 will be revised since for 26 19 20: 0.3333333333333942+7.246916594675523e-7<0.33333426680742284
revised distance squared from orbit of 26 to 20 is at most 0.33333426680742284.
distance squared from orbit of 26 to 20 will be revised since for 26 27 20: 8.322754772760513e-7+0.3333333333334052<0.33333426680742284
revised distance squared from orbit of 26 to 20 is at most 0.3333334932953352.
distance squared from orbit of 26 to 21 will be revised since for 26 15 21: 0.33333333333655313+0.20000000000006235<0.7000000000042998
revised distance squared from orbit of 26 to 21 is at most 0.7000000000042998.
distance squared from orbit of 26 to 22 will be revised since for 26 6 22: 0.8333334982019219+5.8062241766333415e-5<0.8750006895570985
revised distance squared from orbit of 26 to 22 is at most 0.8750006895570985.
distance squared from orbit of 26 to 22 will be revised since for 26 11 22: 0.5000006130047416+1.235564730351733e-5<0.8750006895570985
revised distance squared from orbit of 26 to 22 is at most 0.8750006895570985.
distance squared from orbit of 26 to 22 will be revised since for 26 17 22: 0.6666670138403918+9.750836732961828e-7<0.8750006895570985
revised distance squared from orbit of 26 to 22 is at most 0.8750006895570985.
distance squared from orbit of 26 to 23 will be revised since for 26 15 23: 0.33333333333655313+0.16666689102718332<0.6483268859519268
revised distance squared from orbit of 26 to 23 is at most 0.6483268859519268.
distance squared from orbit of 26 to 23 will be revised since for 26 19 23: 0.3333333333333942+0.1666667237341603<0.6483268859519268
revised distance squared from orbit of 26 to 23 is at most 0.6483268859519268.
distance squared from orbit of 26 to 23 will be revised since for 26 20 23: 0.3333334932953352+0.16666669472601414<0.6483268859519268
revised distance squared from orbit of 26 to 23 is at most 0.6483268859519268.
distance squared from orbit of 26 to 25 will be revised since for 26 8 25: 0.5000000000003536+2.953228993195046e-7<0.5000003358035481
revised distance squared from orbit of 26 to 25 is at most 0.5000003358035481.
distance squared from orbit of 26 to 25 will be revised since for 26 14 25: 0.5000000000000738+2.78612801023391e-8<0.5000003358035481
revised distance squared from orbit of 26 to 25 is at most 0.5000003358035481.
distance squared from orbit of 26 to 25 will be revised since for 26 15 25: 0.33333333333655313+2.5452125986484096e-6<0.5000003358035481
revised distance squared from orbit of 26 to 25 is at most 0.5000003358035481.
distance squared from orbit of 26 to 25 will be revised since for 26 19 25: 0.3333333333333942+4.431671039716268e-7<0.5000003358035481
revised distance squared from orbit of 26 to 25 is at most 0.5000003358035481.
distance squared from orbit of 26 to 25 will be revised since for 26 20 25: 0.3333334932953352+3.613705994822693e-7<0.5000003358035481
revised distance squared from orbit of 26 to 25 is at most 0.5000003358035481.

distance squared from orbit of 27 to 4 will be revised since for 27 8 4: 0.5000000000000453+0.33333333333335075<0.9166666666667459
revised distance squared from orbit of 27 to 4 is at most 0.9166666666667459.
distance squared from orbit of 27 to 6 will be revised since for 27 11 6: 0.5000000000000749+0.16666666666674113<0.8333333333333859
revised distance squared from orbit of 27 to 6 is at most 0.8333333333333859.
distance squared from orbit of 27 to 9 will be revised since for 27 8 9: 0.5000000000000453+0.25000000000004585<0.9500000000062987
revised distance squared from orbit of 27 to 9 is at most 0.9500000000062987.
distance squared from orbit of 27 to 9 will be revised since for 27 12 9: 0.6000000000005886+0.2500000000000293<0.9500000000062987
revised distance squared from orbit of 27 to 9 is at most 0.9500000000062987.
distance squared from orbit of 27 to 10 will be revised since for 27 4 10: 0.9166666666667459+5.234815624435434e-12<0.9495241293736061
revised distance squared from orbit of 27 to 10 is at most 0.9495241293736061.
distance squared from orbit of 27 to 10 will be revised since for 27 8 10: 0.5000000000000453+0.39421966414260984<0.9495241293736061
revised distance squared from orbit of 27 to 10 is at most 0.9495241293736061.
distance squared from orbit of 27 to 13 will be revised since for 27 4 13: 0.9166666666667459+1.2549473829021392e-10<0.922917982937698
revised distance squared from orbit of 27 to 13 is at most 0.922917982937698.
distance squared from orbit of 27 to 13 will be revised since for 27 8 13: 0.5000000000000453+0.16666720871693394<0.922917982937698
revised distance squared from orbit of 27 to 13 is at most 0.922917982937698.
distance squared from orbit of 27 to 13 will be revised since for 27 11 13: 0.5000000000000749+0.16666679187421402<0.922917982937698
revised distance squared from orbit of 27 to 13 is at most 0.922917982937698.
distance squared from orbit of 27 to 13 will be revised since for 27 12 13: 0.6000000000005886+0.16666685980954538<0.922917982937698
revised distance squared from orbit of 27 to 13 is at most 0.922917982937698.
distance squared from orbit of 27 to 13 will be revised since for 27 14 13: 0.5799193475827998+0.16666670501096717<0.922917982937698
revised distance squared from orbit of 27 to 13 is at most 0.922917982937698.
distance squared from orbit of 27 to 13 will be revised since for 27 18 13: 0.7142857142909251+0.16666666666682453<0.922917982937698
revised distance squared from orbit of 27 to 13 is at most 0.922917982937698.
distance squared from orbit of 27 to 14 will be revised since for 27 8 14: 0.5000000000000453+2.7021844120461495e-5<0.5799193475827998
revised distance squared from orbit of 27 to 14 is at most 0.5799193475827998.
distance squared from orbit of 27 to 15 will be revised since for 27 26 15: 0.1428571428571731+0.33333333333655313<0.5833333333333404
revised distance squared from orbit of 27 to 15 is at most 0.5833333333333404.
distance squared from orbit of 27 to 17 will be revised since for 27 11 17: 0.5000000000000749+1.1476213308831052e-6<0.6666666666668272
revised distance squared from orbit of 27 to 17 is at most 0.6666666666668272.
distance squared from orbit of 27 to 18 will be revised since for 27 8 18: 0.5000000000000453+6.06350248588218e-7<0.7142857142909251
revised distance squared from orbit of 27 to 18 is at most 0.7142857142909251.
distance squared from orbit of 27 to 18 will be revised since for 27 11 18: 0.5000000000000749+3.1807084935053145e-7<0.7142857142909251
revised distance squared from orbit of 27 to 18 is at most 0.7142857142909251.
distance squared from orbit of 27 to 18 will be revised since for 27 12 18: 0.6000000000005886+9.84594644457221e-7<0.7142857142909251
revised distance squared from orbit of 27 to 18 is at most 0.7142857142909251.
distance squared from orbit of 27 to 18 will be revised since for 27 14 18: 0.5799193475827998+8.589828039503053e-7<0.7142857142909251
revised distance squared from orbit of 27 to 18 is at most 0.7142857142909251.
distance squared from orbit of 27 to 21 will be revised since for 27 8 21: 0.5000000000000453+0.40000000000043157<0.9000000000014206
revised distance squared from orbit of 27 to 21 is at most 0.9000000000014206.
distance squared from orbit of 27 to 21 will be revised since for 27 15 21: 0.5833333333333404+0.20000000000006235<0.9000000000014206
revised distance squared from orbit of 27 to 21 is at most 0.9000000000014206.
distance squared from orbit of 27 to 21 will be revised since for 27 19 21: 0.4359405000379309+0.40000001376112604<0.9000000000014206
revised distance squared from orbit of 27 to 21 is at most 0.9000000000014206.
distance squared from orbit of 27 to 21 will be revised since for 27 20 21: 0.3333333333334052+0.40000000896464255<0.9000000000014206
revised distance squared from orbit of 27 to 21 is at most 0.9000000000014206.
distance squared from orbit of 27 to 21 will be revised since for 27 23 21: 0.6666666666667234+0.20000000000001478<0.9000000000014206
revised distance squared from orbit of 27 to 21 is at most 0.9000000000014206.
distance squared from orbit of 27 to 21 will be revised since for 27 24 21: 0.4000000000000207+0.5000000000000285<0.9000000000014206
revised distance squared from orbit of 27 to 21 is at most 0.9000000000014206.
distance squared from orbit of 27 to 21 will be revised since for 27 25 21: 0.5000000000000377+0.40000000000002134<0.9000000000014206
revised distance squared from orbit of 27 to 21 is at most 0.900000000000817.
distance squared from orbit of 27 to 21 will be revised since for 27 26 21: 0.1428571428571731+0.7000000000042998<0.900000000000817
revised distance squared from orbit of 27 to 21 is at most 0.900000000000817.
distance squared from orbit of 27 to 22 will be revised since for 27 6 22: 0.8333333333333859+5.8062241766333415e-5<0.8750000000000718
revised distance squared from orbit of 27 to 22 is at most 0.8750000000000718.
distance squared from orbit of 27 to 22 will be revised since for 27 11 22: 0.5000000000000749+1.235564730351733e-5<0.8750000000000718
revised distance squared from orbit of 27 to 22 is at most 0.8750000000000718.
distance squared from orbit of 27 to 22 will be revised since for 27 17 22: 0.6666666666668272+9.750836732961828e-7<0.8750000000000718
revised distance squared from orbit of 27 to 22 is at most 0.8750000000000718.
distance squared from orbit of 27 to 23 will be revised since for 27 19 23: 0.4359405000379309+0.1666667237341603<0.6666666666667234
revised distance squared from orbit of 27 to 23 is at most 0.6666666666667234.
distance squared from orbit of 27 to 23 will be revised since for 27 20 23: 0.3333333333334052+0.16666669472601414<0.6666666666667234
revised distance squared from orbit of 27 to 23 is at most 0.6666666666667234.
distance squared from orbit of 27 to 23 will be revised since for 27 25 23: 0.5000000000000377+0.16666666666667862<0.6666666666667234
revised distance squared from orbit of 27 to 23 is at most 0.6666666666667234.
distance squared from orbit of 27 to 24 will be revised since for 27 26 24: 0.1428571428571731+0.2000000000043958<0.4000000000000207
revised distance squared from orbit of 27 to 24 is at most 0.4000000000000207.
distance squared from orbit of 27 to 25 will be revised since for 27 19 25: 0.4359405000379309+4.431671039716268e-7<0.5000000000000377
revised distance squared from orbit of 27 to 25 is at most 0.5000000000000377.
distance squared from orbit of 27 to 25 will be revised since for 27 20 25: 0.3333333333334052+3.613705994822693e-7<0.5000000000000377
revised distance squared from orbit of 27 to 25 is at most 0.5000000000000377.

rechecked new distance squared from orbit of 1 to 2 is at most 1.7008562971759573e-7 old is 4.7390670297129574e-7.
rechecked better distance squared from orbit of 1 to 2 is at most 9.50627875362481e-8 old is 1.7008562971759573e-7.
rechecked better distance squared from orbit of 1 to 6 is at most 2.4332039892151664e-8 old is 8.148479490541145e-8.
rechecked better distance squared from orbit of 1 to 7 is at most 1.3187990789414354e-6 old is 3.737521804908807e-6.
rechecked better distance squared from orbit of 1 to 8 is at most 1.0706428109095072e-10 old is 8.425392242492257e-9.
rechecked better distance squared from orbit of 1 to 12 is at most 9.15131479148756e-8 old is 9.396703098072487e-8.
rechecked better distance squared from orbit of 1 to 13 is at most 0.16666691453363697 old is 0.16666711871675594.
rechecked better distance squared from orbit of 1 to 14 is at most 5.1159061894718174e-5 old is 5.430329683370956e-5.
rechecked better distance squared from orbit of 1 to 15 is at most 0.25000000004328216 old is 0.25000000008047096.
rechecked better distance squared from orbit of 1 to 18 is at most 4.4752289927850894e-7 old is 7.938912410528549e-7.
rechecked better distance squared from orbit of 1 to 19 is at most 5.152170933290126e-6 old is 8.640753862370657e-6.
rechecked better distance squared from orbit of 1 to 20 is at most 2.4283042547305935e-6 old is 2.429470540936448e-6.
rechecked better distance squared from orbit of 1 to 22 is at most 2.463731087313878e-7 old is 8.55337840172618e-7.
rechecked better distance squared from orbit of 1 to 23 is at most 0.16666673414224267 old is 0.16666673560929537.
rechecked better distance squared from orbit of 1 to 24 is at most 0.20040033686824213 old is 0.20041302631016614.
rechecked better distance squared from orbit of 1 to 25 is at most 8.600286510232418e-7 old is 8.681864911463366e-7.
rechecked better distance squared from orbit of 1 to 26 is at most 1.2076242803984705e-5 old is 1.208901973347645e-5.
rechecked new distance squared from orbit of 2 to 2 is at most 1.6372909723363362e-13 old is 7.206917790524841e-13.
rechecked better distance squared from orbit of 2 to 4 is at most 0.3333333344578147 old is 0.3333333346237438.
rechecked better distance squared from orbit of 2 to 6 is at most 1.4932804943220126e-5 old is 0.0001425417457495989.
rechecked better distance squared from orbit of 2 to 7 is at most 1.1069157192829281e-5 old is 1.3363366098697689e-5.
rechecked better distance squared from orbit of 2 to 8 is at most 0.25000046747653953 old is 0.250001567276096.
rechecked better distance squared from orbit of 2 to 9 is at most 0.250000001518603 old is 0.2500000016163185.
rechecked better distance squared from orbit of 2 to 10 is at most 0.3942196684827926 old is 0.39421966954999277.
rechecked better distance squared from orbit of 2 to 11 is at most 5.21683326665092e-7 old is 1.850992574903488e-6.
rechecked new distance squared from orbit of 2 to 12 is at most 4.499253269282601e-9 old is 1.663348421524005e-8.
rechecked better distance squared from orbit of 2 to 12 is at most 4.291735162883579e-9 old is 4.499253269282601e-9.
rechecked better distance squared from orbit of 2 to 14 is at most 0.00032123902337875435 old is 0.0003906755587302728.
rechecked better distance squared from orbit of 2 to 15 is at most 0.2500012751098838 old is 0.2500013992428328.
rechecked better distance squared from orbit of 2 to 17 is at most 4.302261093654905e-6 old is 4.452957210829497e-6.
rechecked better distance squared from orbit of 2 to 18 is at most 6.4898030972232e-7 old is 7.061251228349591e-7.
rechecked better distance squared from orbit of 2 to 19 is at most 1.3939457763825845e-5 old is 1.393949732556095e-5.
rechecked better distance squared from orbit of 2 to 20 is at most 0.00011388478029962671 old is 0.0001309494222162627.
rechecked better distance squared from orbit of 2 to 22 is at most 1.4589941864075296e-6 old is 1.6213807088124096e-6.
rechecked better distance squared from orbit of 2 to 24 is at most 0.2002235004255652 old is 0.20029817027027005.
rechecked better distance squared from orbit of 2 to 25 is at most 1.604607221764146e-6 old is 1.604607221764158e-6.
rechecked better distance squared from orbit of 2 to 26 is at most 7.05347477701615e-5 old is 9.58163236080022e-5.
rechecked better distance squared from orbit of 2 to 27 is at most 4.112183911804052e-8 old is 4.6171432435163126e-8.
rechecked new distance squared from orbit of 3 to 3 is at most 7.220395909631345e-14 old is 3.5223529778181723e-13.
rechecked better distance squared from orbit of 3 to 6 is at most 0.1666669012667211 old is 0.16666702878448095.
rechecked better distance squared from orbit of 3 to 7 is at most 1.1222367461176276e-5 old is 3.527170575322729e-5.
rechecked better distance squared from orbit of 3 to 10 is at most 0.3942196641946166 old is 0.39421966419748256.
rechecked better distance squared from orbit of 3 to 11 is at most 2.73771142128751e-7 old is 6.601126894990639e-7.
rechecked better distance squared from orbit of 3 to 13 is at most 0.1666672052011367 old is 0.1666672092816753.
rechecked better distance squared from orbit of 3 to 14 is at most 2.4116046893480727e-5 old is 2.4616826769190398e-5.
rechecked better distance squared from orbit of 3 to 15 is at most 0.2500000000339655 old is 0.25000000004115075.
rechecked better distance squared from orbit of 3 to 17 is at most 2.2323347568765936e-6 old is 2.238828496653235e-6.
rechecked better distance squared from orbit of 3 to 18 is at most 6.045473436357119e-7 old is 6.045534248864916e-7.
rechecked better distance squared from orbit of 3 to 20 is at most 1.5810924472234808e-6 old is 1.5810956780928575e-6.
rechecked better distance squared from orbit of 3 to 22 is at most 2.5828633625457918e-6 old is 3.160152534958536e-6.
rechecked better distance squared from orbit of 3 to 23 is at most 0.1666676436614952 old is 0.16666769005907942.
rechecked better distance squared from orbit of 3 to 24 is at most 0.200434542122506 old is 0.20089458152857734.
rechecked better distance squared from orbit of 3 to 25 is at most 1.4238284602127397e-6 old is 1.4239090463950962e-6.
rechecked better distance squared from orbit of 3 to 26 is at most 6.649309764543217e-5 old is 0.00019614727095628774.
rechecked better distance squared from orbit of 3 to 27 is at most 8.598922428715553e-8 old is 8.598922428719407e-8.
rechecked better distance squared from orbit of 4 to 2 is at most 0.5000000014725472 old is 0.5000000014725496.
rechecked better distance squared from orbit of 4 to 3 is at most 0.500000000417561 old is 0.5000000005038238.
rechecked better distance squared from orbit of 4 to 6 is at most 0.3333333368612826 old is 0.3333333378743082.
rechecked better distance squared from orbit of 4 to 8 is at most 1.0389382486310245e-7 old is 2.399943510470258e-7.
rechecked better distance squared from orbit of 4 to 11 is at most 0.33333366298956335 old is 0.3333339511341054.
rechecked better distance squared from orbit of 4 to 12 is at most 0.20000001558552905 old is 0.20000001888187613.
rechecked better distance squared from orbit of 4 to 13 is at most 1.2171007595831845e-10 old is 1.2549473829021392e-10.
rechecked better distance squared from orbit of 4 to 14 is at most 3.7423228337356285e-6 old is 5.228921576876884e-6.
rechecked better distance squared from orbit of 4 to 18 is at most 4.492765105004568e-9 old is 6.295813137326553e-7.
rechecked better distance squared from orbit of 4 to 19 is at most 0.00010615602580794898 old is 0.0001082125591093311.
rechecked better distance squared from orbit of 4 to 21 is at most 0.20000000006654253 old is 0.20000000006842075.
rechecked better distance squared from orbit of 4 to 22 is at most 0.5000000034666215 old is 0.5000000674433864.
rechecked better distance squared from orbit of 4 to 23 is at most 8.22900265996761e-9 old is 3.9186891123329705e-8.
rechecked better distance squared from orbit of 4 to 24 is at most 0.2000000185360304 old is 0.20000002437226833.
rechecked better distance squared from orbit of 4 to 25 is at most 2.133579459222375e-7 old is 1.8771333721754764e-6.
rechecked better distance squared from orbit of 4 to 26 is at most 2.353075064261303e-5 old is 2.3536344560586534e-5.
rechecked better distance squared from orbit of 4 to 27 is at most 1.230208533408735e-5 old is 1.2490883388787412e-5.
rechecked better distance squared from orbit of 5 to 6 is at most 0.16669274129487496 old is 0.16677340639336152.
rechecked better distance squared from orbit of 5 to 8 is at most 0.5000003664533484 old is 0.5000003665132761.
rechecked better distance squared from orbit of 5 to 10 is at most 0.4607856989096745 old is 0.46078601053001045.
rechecked better distance squared from orbit of 5 to 11 is at most 1.060564274287302e-5 old is 0.0001315547549988315.
rechecked better distance squared from orbit of 5 to 13 is at most 0.16666725516526026 old is 0.16666726670568827.
rechecked new distance squared from orbit of 5 to 17 is at most 0.00014706196845462005 old is 0.00020741243174856168.
rechecked better distance squared from orbit of 5 to 17 is at most 6.0257843647261706e-5 old is 0.00014706196845462005.
rechecked better distance squared from orbit of 5 to 18 is at most 6.426445213062951e-7 old is 1.8503968767362432e-6.
rechecked better distance squared from orbit of 5 to 19 is at most 0.14285739753023458 old is 0.14285772146888634.
rechecked new distance squared from orbit of 5 to 20 is at most 1.0198035967198273e-6 old is 1.168420505571088e-6.
rechecked better distance squared from orbit of 5 to 20 is at most 9.482788010052418e-7 old is 1.0198035967198273e-6.
rechecked better distance squared from orbit of 5 to 21 is at most 0.40000096740391455 old is 0.4000009674265151.
rechecked better distance squared from orbit of 5 to 22 is at most 6.328653187047761e-7 old is 1.3586072713425558e-6.
rechecked better distance squared from orbit of 5 to 23 is at most 0.1666674546674645 old is 0.16666745478470435.
rechecked better distance squared from orbit of 5 to 24 is at most 0.40000001802964646 old is 0.40000001809067837.
rechecked better distance squared from orbit of 5 to 25 is at most 7.870043256654237e-6 old is 1.1717577263504741e-5.
rechecked better distance squared from orbit of 5 to 26 is at most 0.1428571642827109 old is 0.1428571643108602.
rechecked better distance squared from orbit of 5 to 27 is at most 3.253734085753105e-8 old is 5.9787753633449e-8.
rechecked better distance squared from orbit of 6 to 1 is at most 0.9656654874304416 old is 0.9656655010670664.
rechecked better distance squared from orbit of 6 to 2 is at most 0.5000000073286489 old is 0.5000000073290595.
rechecked better distance squared from orbit of 6 to 3 is at most 0.6666666878837344 old is 0.6666667051158413.
rechecked better distance squared from orbit of 6 to 4 is at most 0.6666666710835034 old is 0.6666666714957541.
rechecked better distance squared from orbit of 6 to 5 is at most 0.5000187171133592 old is 0.500035137038767.
rechecked better distance squared from orbit of 6 to 7 is at most 0.5000268038408079 old is 0.5000450155087698.
rechecked better distance squared from orbit of 6 to 8 is at most 0.5000002621845455 old is 0.5000002629894226.
rechecked better distance squared from orbit of 6 to 9 is at most 0.7268408143109197 old is 0.7268408756027565.
rechecked better distance squared from orbit of 6 to 10 is at most 0.4607847311074144 old is 0.460784731205184.
rechecked new distance squared from orbit of 6 to 11 is at most 1.461757935512269e-7 old is 2.686787244106156e-7.
rechecked better distance squared from orbit of 6 to 11 is at most 7.083323759597627e-8 old is 1.461757935512269e-7.
rechecked better distance squared from orbit of 6 to 12 is at most 0.400000002490587 old is 0.40000001310406164.
rechecked better distance squared from orbit of 6 to 13 is at most 0.16666667614055578 old is 0.16666667635466953.
rechecked better distance squared from orbit of 6 to 14 is at most 0.3523772405690041 old is 0.35237724918879826.
rechecked better distance squared from orbit of 6 to 15 is at most 0.5000000039755794 old is 0.5000000048715286.
rechecked better distance squared from orbit of 6 to 16 is at most 0.40000959596381636 old is 0.400014388943892.
rechecked better distance squared from orbit of 6 to 17 is at most 6.346211791452075e-8 old is 7.605329686152696e-7.
rechecked new distance squared from orbit of 6 to 18 is at most 7.811045006711682e-8 old is 2.1870722712205967e-7.
rechecked better distance squared from orbit of 6 to 18 is at most 7.769022529946462e-9 old is 7.811045006711682e-8.
rechecked better distance squared from orbit of 6 to 19 is at most 0.14285729138519407 old is 0.14285733001712395.
rechecked better distance squared from orbit of 6 to 20 is at most 9.999968392142173e-8 old is 4.78249754699229e-7.
rechecked better distance squared from orbit of 6 to 22 is at most 2.6897877106518282e-5 old is 5.8062241766333415e-5.
rechecked better distance squared from orbit of 6 to 23 is at most 0.16666666990122353 old is 0.16666667024741744.
rechecked better distance squared from orbit of 6 to 24 is at most 0.4000000859348694 old is 0.4000000871024199.
rechecked better distance squared from orbit of 6 to 25 is at most 7.082724688022664e-9 old is 1.2486974959020576e-8.
rechecked better distance squared from orbit of 6 to 26 is at most 0.1428571693365083 old is 0.1428571696931863.
rechecked better distance squared from orbit of 6 to 27 is at most 2.9329328490441582e-8 old is 3.0285994281009614e-8.
rechecked better distance squared from orbit of 7 to 1 is at most 0.9657213448278102 old is 0.965750809195094.
rechecked better distance squared from orbit of 7 to 2 is at most 0.5104644523506352 old is 0.5104765336224075.
rechecked better distance squared from orbit of 7 to 3 is at most 0.6666666667343559 old is 0.6666666668821771.
rechecked better distance squared from orbit of 7 to 4 is at most 0.6666683151492309 old is 0.6666683152727878.
rechecked better distance squared from orbit of 7 to 6 is at most 0.166775285647908 old is 0.16694033793526805.
rechecked new distance squared from orbit of 7 to 7 is at most 1.7980362262226034e-13 old is 2.7682962667153666e-13.
rechecked better distance squared from orbit of 7 to 8 is at most 0.4573529554616996 old is 0.4573530652113512.
rechecked better distance squared from orbit of 7 to 9 is at most 0.7289934948036517 old is 0.731705726838949.
rechecked better distance squared from orbit of 7 to 10 is at most 0.46753680744312587 old is 0.47197405589179087.
rechecked better distance squared from orbit of 7 to 11 is at most 0.00014757610102239776 old is 0.0003164591535334058.
rechecked better distance squared from orbit of 7 to 12 is at most 0.4000067584635277 old is 0.4000273511887505.
rechecked better distance squared from orbit of 7 to 13 is at most 0.1815274277800422 old is 0.1950300971310746.
rechecked better distance squared from orbit of 7 to 14 is at most 6.455847406885758e-6 old is 1.4710941048008673e-5.
rechecked better distance squared from orbit of 7 to 15 is at most 0.3334027756334904 old is 0.33343568032807536.
rechecked better distance squared from orbit of 7 to 17 is at most 4.5249568226267144e-7 old is 1.263027595839269e-6.
rechecked better distance squared from orbit of 7 to 18 is at most 0.0040463009733342084 old is 0.010592570464317544.
rechecked better distance squared from orbit of 7 to 19 is at most 3.146354551219097e-6 old is 4.6786606460233565e-6.
rechecked better distance squared from orbit of 7 to 21 is at most 0.40000138825534476 old is 0.4000013943126086.
rechecked better distance squared from orbit of 7 to 22 is at most 8.237002389511424e-8 old is 4.0395610234185855e-7.
rechecked better distance squared from orbit of 7 to 24 is at most 0.20003012263001446 old is 0.20009785545474057.
rechecked better distance squared from orbit of 7 to 25 is at most 3.1615697406401916e-6 old is 3.161600266375427e-6.
rechecked better distance squared from orbit of 7 to 26 is at most 7.885394129427329e-7 old is 3.945052916295837e-6.
rechecked better distance squared from orbit of 7 to 27 is at most 7.432003183768931e-7 old is 9.367349159776999e-7.
rechecked better distance squared from orbit of 8 to 2 is at most 0.5000004475008849 old is 0.5000005450292522.
rechecked better distance squared from orbit of 8 to 6 is at most 0.33333338302431037 old is 0.3333334121541456.
rechecked new distance squared from orbit of 8 to 8 is at most 4.605790100790353e-13 old is 1.1343903069217088e-12.
rechecked better distance squared from orbit of 8 to 11 is at most 0.33333336266408614 old is 0.3333333773733917.
rechecked better distance squared from orbit of 8 to 13 is at most 0.1666669217670516 old is 0.16666720871693394.
rechecked better distance squared from orbit of 8 to 14 is at most 2.1432235162653193e-5 old is 2.7021844120461495e-5.
rechecked better distance squared from orbit of 8 to 17 is at most 0.32607690751765533 old is 0.3260769682961188.
rechecked better distance squared from orbit of 8 to 18 is at most 9.329262937935668e-8 old is 6.06350248588218e-7.
rechecked better distance squared from orbit of 8 to 19 is at most 5.26817781665533e-6 old is 2.5821646947793584e-5.
rechecked better distance squared from orbit of 8 to 20 is at most 1.2639781511905269e-6 old is 1.5817583094188067e-6.
rechecked better distance squared from orbit of 8 to 22 is at most 0.5000000839144878 old is 0.5000000953140501.
rechecked better distance squared from orbit of 8 to 24 is at most 0.20013566233505306 old is 0.2001419260164852.
rechecked better distance squared from orbit of 8 to 25 is at most 2.953203341918309e-7 old is 2.953228993195046e-7.
rechecked better distance squared from orbit of 8 to 26 is at most 3.5253783381994686e-5 old is 4.065639360660219e-5.
rechecked better distance squared from orbit of 8 to 27 is at most 1.091110255996825e-7 old is 1.0921697109832985e-7.
rechecked better distance squared from orbit of 9 to 2 is at most 0.5000000959847004 old is 0.50000020740378.
rechecked better distance squared from orbit of 9 to 6 is at most 0.3333334313946213 old is 0.3333335519650089.
rechecked better distance squared from orbit of 9 to 8 is at most 0.2500001323908414 old is 0.25000013397789084.
rechecked better distance squared from orbit of 9 to 10 is at most 0.33333333339794496 old is 0.33333333340210947.
rechecked better distance squared from orbit of 9 to 11 is at most 0.33333344355588934 old is 0.3333335728668139.
rechecked better distance squared from orbit of 9 to 12 is at most 2.1119642490826436e-7 old is 3.627459783330791e-7.
rechecked new distance squared from orbit of 9 to 13 is at most 5.643062922036535e-7 old is 8.205210976586141e-7.
rechecked better distance squared from orbit of 9 to 13 is at most 3.1632085539932494e-7 old is 5.643062922036535e-7.
rechecked better distance squared from orbit of 9 to 14 is at most 0.2500346115131016 old is 0.2500364793918919.
rechecked better distance squared from orbit of 9 to 15 is at most 1.045447260598514e-7 old is 1.5626980557001169e-7.
rechecked better distance squared from orbit of 9 to 17 is at most 0.3260771507762574 old is 0.32607727590922786.
rechecked better distance squared from orbit of 9 to 18 is at most 1.8593336335519942e-7 old is 8.380347914419087e-7.
rechecked better distance squared from orbit of 9 to 19 is at most 4.677850836867305e-5 old is 5.1009640556405667e-5.
rechecked better distance squared from orbit of 9 to 22 is at most 0.5000001978710288 old is 0.5000004716709037.
rechecked better distance squared from orbit of 9 to 23 is at most 1.3343401754220498e-8 old is 1.3369142430949293e-8.
rechecked better distance squared from orbit of 9 to 25 is at most 3.518330116313674e-7 old is 3.518527372864606e-7.
rechecked better distance squared from orbit of 9 to 27 is at most 1.3635722117754632e-6 old is 2.0902216184975084e-6.
rechecked better distance squared from orbit of 10 to 1 is at most 0.6666666667084995 old is 0.6666666667160943.
rechecked new distance squared from orbit of 10 to 3 is at most 0.6666666666668613 old is 0.6666666666673273.
rechecked better distance squared from orbit of 10 to 6 is at most 0.33333390002822966 old is 0.33333390969484816.
rechecked better distance squared from orbit of 10 to 8 is at most 0.4865193233763158 old is 0.48651936803288376.
rechecked better distance squared from orbit of 10 to 11 is at most 0.333334159661506 old is 0.33333418957930755.
rechecked better distance squared from orbit of 10 to 12 is at most 0.40000010404816144 old is 0.4000001041691904.
rechecked new distance squared from orbit of 10 to 13 is at most 7.765053019426896e-11 old is 1.4204618059276604e-10.
rechecked better distance squared from orbit of 10 to 13 is at most 7.233817603796804e-11 old is 7.765053019426896e-11.
rechecked better distance squared from orbit of 10 to 14 is at most 7.897488584343614e-5 old is 0.0001335380686589406.
rechecked better distance squared from orbit of 10 to 15 is at most 0.3333334868676445 old is 0.33333348706219323.
rechecked better distance squared from orbit of 10 to 17 is at most 0.3260776107211479 old is 0.32607761623778936.
rechecked better distance squared from orbit of 10 to 18 is at most 6.156253236748765e-7 old is 6.2497385953656e-7.
rechecked better distance squared from orbit of 10 to 19 is at most 9.826079534476745e-5 old is 0.00010405578206829336.
rechecked better distance squared from orbit of 10 to 20 is at most 0.0003212448822806036 old is 0.0003215790401518447.
rechecked better distance squared from orbit of 10 to 22 is at most 0.5000003718987097 old is 0.5000004029091097.
rechecked better distance squared from orbit of 10 to 24 is at most 0.20000001101836415 old is 0.20000001112810134.
rechecked better distance squared from orbit of 10 to 25 is at most 4.698873601595989e-7 old is 4.714169674554711e-7.
rechecked better distance squared from orbit of 10 to 26 is at most 1.2992302790973969e-5 old is 1.3337431663780173e-5.
rechecked better distance squared from orbit of 11 to 1 is at most 0.9656654768173633 old is 0.9656654775749461.
rechecked better distance squared from orbit of 11 to 2 is at most 0.5000000246784221 old is 0.5000000675766444.
rechecked better distance squared from orbit of 11 to 3 is at most 0.6666667175118205 old is 0.6666668021018932.
rechecked better distance squared from orbit of 11 to 4 is at most 0.6666666708948233 old is 0.6666666714253566.
rechecked better distance squared from orbit of 11 to 5 is at most 0.5000000005319053 old is 0.5000000067626225.
rechecked better distance squared from orbit of 11 to 7 is at most 0.5000022719939625 old is 0.5000027589764414.
rechecked better distance squared from orbit of 11 to 9 is at most 0.7268408485272501 old is 0.7268409429801785.
rechecked better distance squared from orbit of 11 to 10 is at most 0.4607847283463777 old is 0.460784766899273.
rechecked better distance squared from orbit of 11 to 12 is at most 0.4000000010565354 old is 0.40000001924218953.
rechecked better distance squared from orbit of 11 to 13 is at most 0.16666671778728231 old is 0.16666679187421402.
rechecked better distance squared from orbit of 11 to 14 is at most 0.35238046653798444 old is 0.3523805396127157.
rechecked better distance squared from orbit of 11 to 15 is at most 0.5000000004650971 old is 0.5000000009940508.
rechecked better distance squared from orbit of 11 to 16 is at most 0.4000000036172602 old is 0.4000000832701194.
rechecked better distance squared from orbit of 11 to 17 is at most 9.68401850109104e-7 old is 1.1476213308831052e-6.
rechecked better distance squared from orbit of 11 to 18 is at most 5.399713188097772e-8 old is 3.1807084935053145e-7.
rechecked better distance squared from orbit of 11 to 19 is at most 0.1428575735359527 old is 0.14285764945558704.
rechecked new distance squared from orbit of 11 to 20 is at most 7.530835278656881e-7 old is 1.3610424828204714e-6.
rechecked better distance squared from orbit of 11 to 20 is at most 6.088521590462608e-7 old is 7.530835278656881e-7.
rechecked better distance squared from orbit of 11 to 21 is at most 0.40000000320409435 old is 0.4000000108851653.
rechecked better distance squared from orbit of 11 to 22 is at most 2.0415412651758296e-6 old is 1.235564730351733e-5.
rechecked better distance squared from orbit of 11 to 23 is at most 0.166666677469554 old is 0.16666675155217792.
rechecked better distance squared from orbit of 11 to 26 is at most 0.14285714557043194 old is 0.1428571562857499.
rechecked better distance squared from orbit of 11 to 27 is at most 5.8374675951773705e-9 old is 2.4085920933492915e-8.
rechecked better distance squared from orbit of 12 to 6 is at most 0.33333369953695485 old is 0.3333338359033596.
rechecked better distance squared from orbit of 12 to 8 is at most 0.2500001310520578 old is 0.2500001573519962.
rechecked better distance squared from orbit of 12 to 11 is at most 0.33333359825237874 old is 0.33333390787683137.
rechecked better distance squared from orbit of 12 to 13 is at most 0.1666667317070736 old is 0.16666685980954538.
rechecked better distance squared from orbit of 12 to 14 is at most 0.2500249583120809 old is 0.2500423638177051.
rechecked better distance squared from orbit of 12 to 15 is at most 0.2500000909989846 old is 0.2500001084284096.
rechecked better distance squared from orbit of 12 to 17 is at most 0.3260770529754658 old is 0.3260776262585117.
rechecked better distance squared from orbit of 12 to 18 is at most 2.3889869873413335e-7 old is 9.84594644457221e-7.
rechecked better distance squared from orbit of 12 to 19 is at most 4.332661331130642e-5 old is 6.792441490591883e-5.
rechecked better distance squared from orbit of 12 to 20 is at most 0.00028268636876854417 old is 0.00030689558663228345.
rechecked better distance squared from orbit of 12 to 22 is at most 0.5000003429545988 old is 0.5000004393227095.
rechecked better distance squared from orbit of 12 to 24 is at most 0.20058993980318904 old is 0.20068539256248133.
rechecked better distance squared from orbit of 12 to 25 is at most 3.288845820157399e-8 old is 8.559533468642625e-8.
rechecked better distance squared from orbit of 12 to 26 is at most 0.00011187682333367387 old is 0.00017821694368675138.
rechecked better distance squared from orbit of 12 to 27 is at most 8.87983969669861e-7 old is 9.635940918830785e-7.
rechecked new distance squared from orbit of 13 to 4 is at most 0.6273220037501215 old is 0.6273220037501249.
rechecked better distance squared from orbit of 13 to 6 is at most 0.3333335900903462 old is 0.3333335996964774.
rechecked better distance squared from orbit of 13 to 8 is at most 0.4865193506704366 old is 0.48651951039500657.
rechecked better distance squared from orbit of 13 to 11 is at most 0.33333353299084656 old is 0.33333353406707567.
rechecked better distance squared from orbit of 13 to 12 is at most 0.40000009795146985 old is 0.40000010433417926.
rechecked better distance squared from orbit of 13 to 14 is at most 0.250030165099871 old is 0.2500337879511011.
rechecked better distance squared from orbit of 13 to 15 is at most 0.3333334368174438 old is 0.33333349125856765.
rechecked better distance squared from orbit of 13 to 17 is at most 0.3260771010746663 old is 0.32607710170643484.
rechecked better distance squared from orbit of 13 to 18 is at most 4.982223443887015e-7 old is 6.70577031519286e-7.
rechecked better distance squared from orbit of 13 to 19 is at most 8.547603329365403e-5 old is 0.00013169016679439327.
rechecked better distance squared from orbit of 13 to 20 is at most 0.00033077099973391645 old is 0.0003309244455305999.
rechecked better distance squared from orbit of 13 to 21 is at most 0.20000000139296326 old is 0.20000000147282754.
rechecked better distance squared from orbit of 13 to 22 is at most 0.5000002532079619 old is 0.500000255106739.
rechecked better distance squared from orbit of 13 to 23 is at most 2.8547248059946984e-9 old is 3.613115657003716e-9.
rechecked better distance squared from orbit of 13 to 24 is at most 0.2000000666145442 old is 0.20000008120173104.
rechecked better distance squared from orbit of 13 to 25 is at most 4.105964711556116e-7 old is 4.825120953945364e-7.
rechecked better distance squared from orbit of 13 to 26 is at most 9.94358309095874e-6 old is 1.1454464931328675e-5.
rechecked better distance squared from orbit of 14 to 1 is at most 0.9656654931288748 old is 0.965665609134506.
rechecked better distance squared from orbit of 14 to 2 is at most 0.5000000280227 old is 0.5000000308592726.
rechecked better distance squared from orbit of 14 to 4 is at most 0.6666666728848536 old is 0.6666666730347803.
rechecked better distance squared from orbit of 14 to 5 is at most 0.7500001362792383 old is 0.7500002842699722.
rechecked better distance squared from orbit of 14 to 6 is at most 0.33333345048235136 old is 0.3333335823463945.
rechecked better distance squared from orbit of 14 to 8 is at most 0.48652168448562644 old is 0.4865347778025396.
rechecked better distance squared from orbit of 14 to 9 is at most 0.726840811216165 old is 0.7268408375253317.
rechecked better distance squared from orbit of 14 to 10 is at most 0.4607847322843414 old is 0.4607847497730677.
rechecked better distance squared from orbit of 14 to 11 is at most 0.3333334332059733 old is 0.333333977708501.
rechecked better distance squared from orbit of 14 to 12 is at most 0.40000008901306305 old is 0.4000000917745049.
rechecked better distance squared from orbit of 14 to 13 is at most 0.16666667890877537 old is 0.16666670501096717.
rechecked better distance squared from orbit of 14 to 15 is at most 0.3333339261370917 old is 0.33333423854668864.
rechecked better distance squared from orbit of 14 to 17 is at most 0.3260772897337687 old is 0.3260774909408134.
rechecked better distance squared from orbit of 14 to 18 is at most 6.385757853854215e-7 old is 8.589828039503053e-7.
rechecked better distance squared from orbit of 14 to 19 is at most 1.8151616060839324e-7 old is 7.23677262424707e-7.
rechecked better distance squared from orbit of 14 to 20 is at most 8.671092520614462e-7 old is 9.70363462246461e-7.
rechecked better distance squared from orbit of 14 to 22 is at most 0.500000034906428 old is 0.5000003481361103.
rechecked better distance squared from orbit of 14 to 23 is at most 0.16666673351071712 old is 0.16666691853069346.
rechecked better distance squared from orbit of 14 to 24 is at most 0.20000017788120608 old is 0.2000008470764712.
rechecked better distance squared from orbit of 14 to 25 is at most 2.7580270468549112e-8 old is 2.78612801023391e-8.
rechecked better distance squared from orbit of 14 to 26 is at most 3.414246390164187e-7 old is 6.606043966159685e-7.
rechecked better distance squared from orbit of 15 to 6 is at most 0.500000218791593 old is 0.500000289568463.
rechecked better distance squared from orbit of 15 to 7 is at most 0.6606500537073193 old is 0.6606500560504187.
rechecked better distance squared from orbit of 15 to 11 is at most 0.4587342867839139 old is 0.45873430780087243.
rechecked better distance squared from orbit of 15 to 14 is at most 0.25003096158989113 old is 0.2500408702528596.
rechecked better distance squared from orbit of 15 to 17 is at most 0.4149976165047326 old is 0.41499770085894705.
rechecked better distance squared from orbit of 15 to 19 is at most 6.712588750279206e-5 old is 8.896104882139321e-5.
rechecked better distance squared from orbit of 15 to 20 is at most 3.82322577213619e-7 old is 6.453630671211461e-7.
rechecked better distance squared from orbit of 15 to 22 is at most 0.6752405698714656 old is 0.6752407509666554.
rechecked better distance squared from orbit of 15 to 23 is at most 0.16666679200417564 old is 0.16666689102718332.
rechecked better distance squared from orbit of 15 to 25 is at most 1.789803145677555e-6 old is 2.5452125986484096e-6.
rechecked better distance squared from orbit of 15 to 26 is at most 7.693171291891994e-6 old is 2.3173895817376563e-5.
rechecked better distance squared from orbit of 15 to 27 is at most 2.0293834941342342e-7 old is 2.0640578253098235e-7.
rechecked better distance squared from orbit of 16 to 6 is at most 0.6666667998910412 old is 0.6666668682281917.
rechecked better distance squared from orbit of 16 to 7 is at most 0.5000001108490579 old is 0.5000001118341932.
rechecked better distance squared from orbit of 16 to 11 is at most 0.37500047138930864 old is 0.375000510093986.
rechecked better distance squared from orbit of 16 to 20 is at most 0.3333334186510599 old is 0.3333334666625278.
rechecked better distance squared from orbit of 16 to 22 is at most 4.4020751687599553e-7 old is 6.371313431564292e-7.
rechecked better distance squared from orbit of 16 to 25 is at most 0.5000008152119811 old is 0.5000008963508851.
rechecked better distance squared from orbit of 16 to 26 is at most 0.14285717961628983 old is 0.14285720517019726.
rechecked better distance squared from orbit of 16 to 27 is at most 2.321008601784854e-6 old is 2.321057655045171e-6.
rechecked better distance squared from orbit of 17 to 4 is at most 0.6666669206617324 old is 0.6666678300960925.
rechecked better distance squared from orbit of 17 to 5 is at most 0.5000000003010934 old is 0.500000000567791.
rechecked better distance squared from orbit of 17 to 7 is at most 0.5000000274414701 old is 0.5000000640379387.
rechecked better distance squared from orbit of 17 to 8 is at most 0.5000000134914658 old is 0.5000001822252076.
rechecked better distance squared from orbit of 17 to 9 is at most 0.7500001553091378 old is 0.7500001662089897.
rechecked better distance squared from orbit of 17 to 10 is at most 0.7275539835973349 old is 0.7275542039827162.
rechecked better distance squared from orbit of 17 to 12 is at most 0.5000004847257982 old is 0.5000008406002721.
rechecked better distance squared from orbit of 17 to 15 is at most 0.5833334002971672 old is 0.5833334029735991.
rechecked better distance squared from orbit of 17 to 16 is at most 0.4000000010856813 old is 0.4000000064121565.
rechecked better distance squared from orbit of 17 to 19 is at most 0.14286200432487628 old is 0.14286252357548077.
rechecked better distance squared from orbit of 17 to 20 is at most 2.696387494458071e-6 old is 6.397895702854957e-6.
rechecked better distance squared from orbit of 17 to 21 is at most 0.40000018780235763 old is 0.4000002160437883.
rechecked better distance squared from orbit of 17 to 22 is at most 4.532257240262915e-7 old is 9.750836732961828e-7.
rechecked better distance squared from orbit of 17 to 23 is at most 0.16666697262058824 old is 0.16666729282721915.
rechecked better distance squared from orbit of 17 to 24 is at most 0.4000000672297623 old is 0.4000000712507751.
rechecked better distance squared from orbit of 17 to 25 is at most 2.800372403173916e-7 old is 1.7858696746781515e-6.
rechecked better distance squared from orbit of 17 to 26 is at most 0.14285723990689905 old is 0.1428573840705767.
rechecked better distance squared from orbit of 17 to 27 is at most 2.7635072886104213e-7 old is 3.78833898929077e-7.
rechecked better distance squared from orbit of 18 to 4 is at most 0.666666670606042 old is 0.6666666706541337.
rechecked better distance squared from orbit of 18 to 8 is at most 0.5000006794797461 old is 0.5000009538810276.
rechecked better distance squared from orbit of 18 to 19 is at most 0.1428602294176253 old is 0.142860280597937.
rechecked better distance squared from orbit of 18 to 20 is at most 1.0340022678018923e-5 old is 1.1327787210726066e-5.
rechecked better distance squared from orbit of 18 to 23 is at most 0.16666666960210222 old is 0.16666666960961546.
rechecked better distance squared from orbit of 18 to 24 is at most 0.4000000655453388 old is 0.4000000659150651.
rechecked better distance squared from orbit of 18 to 25 is at most 2.2218616339020502e-8 old is 2.2542424581964638e-8.
rechecked better distance squared from orbit of 19 to 1 is at most 0.9656654763774245 old is 0.9656654787732917.
rechecked better distance squared from orbit of 19 to 2 is at most 0.7692257031472443 old is 0.7692257052321999.
rechecked better distance squared from orbit of 19 to 4 is at most 0.6666666905911685 old is 0.6666667671993534.
rechecked better distance squared from orbit of 19 to 5 is at most 0.8285249804951156 old is 0.8285249821027831.
rechecked better distance squared from orbit of 19 to 6 is at most 0.5000004957253127 old is 0.5000006275276936.
rechecked better distance squared from orbit of 19 to 8 is at most 0.4865189640512295 old is 0.4865189739360442.
rechecked better distance squared from orbit of 19 to 10 is at most 0.7275530070284939 old is 0.7275530212949703.
rechecked better distance squared from orbit of 19 to 11 is at most 0.45873428674845557 old is 0.4587342940275721.
rechecked better distance squared from orbit of 19 to 12 is at most 0.40000000298303207 old is 0.40000000327445356.
rechecked better distance squared from orbit of 19 to 13 is at most 0.6145183451501319 old is 0.6145184472614486.
rechecked better distance squared from orbit of 19 to 15 is at most 0.3333351144403875 old is 0.3333353416068786.
rechecked better distance squared from orbit of 19 to 16 is at most 0.8748399397484231 old is 0.8748399506478317.
rechecked better distance squared from orbit of 19 to 18 is at most 0.5000001397010213 old is 0.5000001516268214.
rechecked new distance squared from orbit of 19 to 19 is at most 3.060523239030044e-13 old is 7.987535608287634e-13.
rechecked better distance squared from orbit of 19 to 20 is at most 1.8112216149298326e-7 old is 7.246916594675523e-7.
rechecked better distance squared from orbit of 19 to 22 is at most 0.6752405333668023 old is 0.6752405342491549.
rechecked better distance squared from orbit of 19 to 23 is at most 0.16666667755124626 old is 0.1666667237341603.
rechecked better distance squared from orbit of 19 to 24 is at most 0.20000231174953612 old is 0.2000042811163801.
rechecked better distance squared from orbit of 19 to 25 is at most 1.8591794567560173e-7 old is 4.431671039716268e-7.
rechecked better distance squared from orbit of 19 to 26 is at most 2.612355064867111e-7 old is 3.769987491983651e-7.
rechecked better distance squared from orbit of 19 to 27 is at most 1.0060163342903633e-7 old is 1.3746435994308026e-7.
rechecked better distance squared from orbit of 20 to 1 is at most 1.0000000000200209 old is 1.0000000000204396.
rechecked better distance squared from orbit of 20 to 4 is at most 0.6666666871490958 old is 0.6666667014110746.
rechecked better distance squared from orbit of 20 to 9 is at most 0.7500000075368628 old is 0.7500000078251314.
rechecked better distance squared from orbit of 20 to 10 is at most 0.7275530019507833 old is 0.7275530567425718.
rechecked better distance squared from orbit of 20 to 12 is at most 0.500000035856303 old is 0.5000000399376234.
rechecked better distance squared from orbit of 20 to 13 is at most 0.6145183430684283 old is 0.6145184180835792.
rechecked better distance squared from orbit of 20 to 18 is at most 0.5000000313633801 old is 0.500000031662764.
rechecked better distance squared from orbit of 20 to 23 is at most 0.1666666767956503 old is 0.16666669472601414.
rechecked better distance squared from orbit of 20 to 24 is at most 0.4000000050613327 old is 0.4000000057795004.
rechecked new distance squared from orbit of 20 to 25 is at most 2.4588896578573856e-7 old is 3.613705994822693e-7.
rechecked better distance squared from orbit of 20 to 25 is at most 1.3805146185223954e-8 old is 2.4588896578573856e-7.
rechecked better distance squared from orbit of 20 to 26 is at most 0.1428571453986435 old is 0.1428571508483234.
rechecked better distance squared from orbit of 20 to 27 is at most 6.347134892009076e-9 old is 2.8689681112330136e-8.
rechecked better distance squared from orbit of 21 to 5 is at most 0.9791666669346037 old is 0.9791666669974983.
rechecked better distance squared from orbit of 21 to 6 is at most 0.6666667590915382 old is 0.666666759470491.
rechecked better distance squared from orbit of 21 to 8 is at most 0.500000000234643 old is 0.5000000003053272.
rechecked better distance squared from orbit of 21 to 10 is at most 0.6666666673922517 old is 0.666666667410122.
rechecked better distance squared from orbit of 21 to 11 is at most 0.5000003883540204 old is 0.5000003946925087.
rechecked better distance squared from orbit of 21 to 13 is at most 0.5000001633894312 old is 0.5000002295950677.
rechecked better distance squared from orbit of 21 to 17 is at most 0.6458334752575285 old is 0.6458334774782098.
rechecked better distance squared from orbit of 21 to 18 is at most 0.5000000582186045 old is 0.5000000584926472.
rechecked better distance squared from orbit of 21 to 20 is at most 0.3333340746301152 old is 0.3333340746301301.
rechecked better distance squared from orbit of 21 to 22 is at most 0.8750003407453729 old is 0.8750003471208884.
rechecked better distance squared from orbit of 21 to 23 is at most 4.607386047575306e-7 old is 5.902143258015339e-7.
rechecked better distance squared from orbit of 21 to 25 is at most 3.4609470580525476e-7 old is 4.359523553186725e-7.
rechecked better distance squared from orbit of 21 to 26 is at most 1.7717983745978665e-6 old is 2.205820617031517e-6.
rechecked better distance squared from orbit of 21 to 27 is at most 6.416456959460357e-7 old is 6.504275927939305e-7.
rechecked better distance squared from orbit of 22 to 4 is at most 0.9166668810561742 old is 0.9166668901370033.
rechecked better distance squared from orbit of 22 to 8 is at most 0.5000001710476896 old is 0.5000002076439427.
rechecked better distance squared from orbit of 22 to 10 is at most 0.9494792369740299 old is 0.9494792373860058.
rechecked better distance squared from orbit of 22 to 12 is at most 0.6000005580061945 old is 0.600001057508305.
rechecked better distance squared from orbit of 22 to 15 is at most 0.5833333699492398 old is 0.5833333730936663.
rechecked better distance squared from orbit of 22 to 19 is at most 0.43594064496303137 old is 0.43594064769560137.
rechecked better distance squared from orbit of 22 to 20 is at most 0.3333333601121886 old is 0.33333336731801805.
rechecked better distance squared from orbit of 22 to 21 is at most 0.9000000603060913 old is 0.9000000642547227.
rechecked better distance squared from orbit of 22 to 24 is at most 0.40000005681760314 old is 0.40000006387546827.
rechecked better distance squared from orbit of 22 to 25 is at most 0.5000006711736008 old is 0.5000008468628016.
rechecked better distance squared from orbit of 22 to 26 is at most 0.14285722844589951 old is 0.14285815506627544.
rechecked better distance squared from orbit of 22 to 27 is at most 6.921003390484941e-7 old is 1.5291924275042733e-6.
rechecked better distance squared from orbit of 23 to 6 is at most 0.6666670491292083 old is 0.6666671565805014.
rechecked better distance squared from orbit of 23 to 11 is at most 0.5000558114745369 old is 0.5000558119600829.
rechecked better distance squared from orbit of 23 to 14 is at most 0.500006447544268 old is 0.5000085439339349.
rechecked better distance squared from orbit of 23 to 16 is at most 0.8750140712110972 old is 0.8750140762835413.
rechecked better distance squared from orbit of 23 to 17 is at most 0.6458339460714895 old is 0.6458341624494645.
rechecked better distance squared from orbit of 23 to 18 is at most 0.5000004027306968 old is 0.5000004687800261.
rechecked better distance squared from orbit of 23 to 19 is at most 0.33334264179714834 old is 0.3333494352208143.
rechecked better distance squared from orbit of 23 to 20 is at most 0.333346549569545 old is 0.3333469511726687.
rechecked better distance squared from orbit of 23 to 22 is at most 0.8750264600811084 old is 0.8750264604016397.
rechecked new distance squared from orbit of 23 to 23 is at most 1.0909883379326517e-13 old is 5.307779821162698e-12.
rechecked new distance squared from orbit of 23 to 25 is at most 6.019603794087907e-7 old is 9.665251415174035e-7.
rechecked better distance squared from orbit of 23 to 25 is at most 4.4046429595058953e-7 old is 6.019603794087907e-7.
rechecked better distance squared from orbit of 23 to 26 is at most 1.0232015586914107e-5 old is 1.612706232522123e-5.
rechecked better distance squared from orbit of 23 to 27 is at most 1.963384986704235e-5 old is 1.9634101526870165e-5.
rechecked better distance squared from orbit of 24 to 6 is at most 0.8333334699340648 old is 0.8333334745845482.
rechecked better distance squared from orbit of 24 to 11 is at most 0.5000003268853619 old is 0.5000004032008448.
rechecked better distance squared from orbit of 24 to 14 is at most 0.5000119884685961 old is 0.5000244085621793.
rechecked better distance squared from orbit of 24 to 17 is at most 0.6666669099374843 old is 0.6666671185349972.
rechecked better distance squared from orbit of 24 to 19 is at most 0.33336027755989495 old is 0.33338112414868026.
rechecked better distance squared from orbit of 24 to 20 is at most 0.333333497054186 old is 0.3333335236184651.
rechecked better distance squared from orbit of 24 to 22 is at most 0.8750002621798139 old is 0.8750003744244457.
rechecked better distance squared from orbit of 24 to 25 is at most 0.5000000930268889 old is 0.5000002456793137.
rechecked better distance squared from orbit of 24 to 26 is at most 2.2299287808762924e-5 old is 5.8737453487402385e-5.
rechecked better distance squared from orbit of 24 to 27 is at most 4.1529434513185645e-7 old is 6.757875266745599e-7.
rechecked new distance squared from orbit of 25 to 3 is at most 1.0000000000000902 old is 1.0000000000001164.
rechecked better distance squared from orbit of 25 to 11 is at most 0.5000000178768893 old is 0.5000000190581585.
rechecked better distance squared from orbit of 25 to 16 is at most 0.8750000234499651 old is 0.8750000235067725.
rechecked better distance squared from orbit of 25 to 20 is at most 0.33333333788653935 old is 0.333333345609604.
rechecked better distance squared from orbit of 25 to 22 is at most 0.8750000186468087 old is 0.8750000298910977.
rechecked better distance squared from orbit of 25 to 24 is at most 0.40000000006972475 old is 0.40000000013698894.
rechecked better distance squared from orbit of 25 to 26 is at most 0.14285717305207943 old is 0.14285717914878926.
rechecked better distance squared from orbit of 25 to 27 is at most 3.534012002070669e-8 old is 4.14283971197918e-8.
rechecked better distance squared from orbit of 26 to 6 is at most 0.8333334700199276 old is 0.8333334982019219.
rechecked better distance squared from orbit of 26 to 11 is at most 0.5000003959123668 old is 0.5000006130047416.
rechecked better distance squared from orbit of 26 to 15 is at most 0.33333333333381737 old is 0.33333333333655313.
rechecked better distance squared from orbit of 26 to 16 is at most 0.8750003699803564 old is 0.8750005265432401.
rechecked better distance squared from orbit of 26 to 22 is at most 0.8750003263700018 old is 0.8750006895570985.
rechecked better distance squared from orbit of 26 to 24 is at most 0.20000000000267865 old is 0.2000000000043958.
rechecked better distance squared from orbit of 26 to 25 is at most 0.5000001809578594 old is 0.5000003358035481.
rechecked new distance squared from orbit of 26 to 26 is at most 1.910869527196504e-13 old is 3.016244677953642e-13.
rechecked better distance squared from orbit of 26 to 27 is at most 6.826235564332328e-7 old is 8.322754772760513e-7.
rechecked new distance squared from orbit of 27 to 27 is at most 4.69923432896798e-13 old is 6.352787916295063e-13.
third run
distance squared from orbit of 1 to 8 will be revised since for 1 3 8: 7.805776850455649e-12+7.380034948204456e-11<1.0706428109095072e-10
revised distance squared from orbit of 1 to 8 is at most 1.0706428109095072e-10.
distance squared from orbit of 1 to 10 will be revised since for 1 4 10: 0.3333333333343722+5.234815624435434e-12<0.3942196641432804
revised distance squared from orbit of 1 to 10 is at most 0.3942196641432804.
distance squared from orbit of 1 to 11 will be revised since for 1 2 11: 9.50627875362481e-8+5.21683326665092e-7<6.611280926608643e-7
revised distance squared from orbit of 1 to 11 is at most 6.380883529326891e-7.
distance squared from orbit of 1 to 11 will be revised since for 1 3 11: 7.805776850455649e-12+2.73771142128751e-7<6.380883529326891e-7
revised distance squared from orbit of 1 to 11 is at most 2.759318815356846e-7.
distance squared from orbit of 1 to 11 will be revised since for 1 6 11: 2.4332039892151664e-8+7.083323759597627e-8<2.759318815356846e-7
revised distance squared from orbit of 1 to 11 is at most 2.759318815356846e-7.
distance squared from orbit of 1 to 13 will be revised since for 1 2 13: 9.50627875362481e-8+0.16666666666896607<0.16666691453363697
revised distance squared from orbit of 1 to 13 is at most 0.16666668960569508.
distance squared from orbit of 1 to 14 will be revised since for 1 3 14: 7.805776850455649e-12+2.4116046893480727e-5<5.1159061894718174e-5
revised distance squared from orbit of 1 to 14 is at most 5.1159061894718174e-5.
distance squared from orbit of 1 to 14 will be revised since for 1 7 14: 1.3187990789414354e-6+6.455847406885758e-6<5.1159061894718174e-5
revised distance squared from orbit of 1 to 14 is at most 4.443693196864974e-5.
distance squared from orbit of 1 to 14 will be revised since for 1 8 14: 1.0706428109095072e-10+2.1432235162653193e-5<4.443693196864974e-5
revised distance squared from orbit of 1 to 14 is at most 4.443693196864974e-5.
distance squared from orbit of 1 to 15 will be revised since for 1 3 15: 7.805776850455649e-12+0.2500000000339655<0.25000000004328216
revised distance squared from orbit of 1 to 15 is at most 0.25000000004328216.
distance squared from orbit of 1 to 17 will be revised since for 1 2 17: 9.50627875362481e-8+4.302261093654905e-6<6.854838725053073e-6
revised distance squared from orbit of 1 to 17 is at most 6.854838725053073e-6.
distance squared from orbit of 1 to 17 will be revised since for 1 3 17: 7.805776850455649e-12+2.2323347568765936e-6<6.854838725053073e-6
revised distance squared from orbit of 1 to 17 is at most 6.854838725053073e-6.
distance squared from orbit of 1 to 17 will be revised since for 1 6 17: 2.4332039892151664e-8+6.346211791452075e-8<6.854838725053073e-6
revised distance squared from orbit of 1 to 17 is at most 9.825593302023341e-7.
distance squared from orbit of 1 to 18 will be revised since for 1 6 18: 2.4332039892151664e-8+7.769022529946462e-9<4.4752289927850894e-7
revised distance squared from orbit of 1 to 18 is at most 4.4752289927850894e-7.
distance squared from orbit of 1 to 18 will be revised since for 1 8 18: 1.0706428109095072e-10+9.329262937935668e-8<4.4752289927850894e-7
revised distance squared from orbit of 1 to 18 is at most 4.4752289927850894e-7.
distance squared from orbit of 1 to 18 will be revised since for 1 11 18: 2.759318815356846e-7+5.399713188097772e-8<4.4752289927850894e-7
revised distance squared from orbit of 1 to 18 is at most 4.4752289927850894e-7.
distance squared from orbit of 1 to 18 will be revised since for 1 12 18: 9.15131479148756e-8+2.3889869873413335e-7<4.4752289927850894e-7
revised distance squared from orbit of 1 to 18 is at most 4.4752289927850894e-7.
distance squared from orbit of 1 to 19 will be revised since for 1 7 19: 1.3187990789414354e-6+3.146354551219097e-6<5.152170933290126e-6
revised distance squared from orbit of 1 to 19 is at most 5.152170933290126e-6.
distance squared from orbit of 1 to 20 will be revised since for 1 3 20: 7.805776850455649e-12+1.5810924472234808e-6<2.4283042547305935e-6
revised distance squared from orbit of 1 to 20 is at most 2.4283042547305935e-6.
distance squared from orbit of 1 to 20 will be revised since for 1 6 20: 2.4332039892151664e-8+9.999968392142173e-8<2.4283042547305935e-6
revised distance squared from orbit of 1 to 20 is at most 2.4283042547305935e-6.
distance squared from orbit of 1 to 20 will be revised since for 1 8 20: 1.0706428109095072e-10+1.2639781511905269e-6<2.4283042547305935e-6
revised distance squared from orbit of 1 to 20 is at most 2.4283042547305935e-6.
distance squared from orbit of 1 to 20 will be revised since for 1 11 20: 2.759318815356846e-7+6.088521590462608e-7<2.4283042547305935e-6
revised distance squared from orbit of 1 to 20 is at most 2.4283042547305935e-6.
distance squared from orbit of 1 to 21 will be revised since for 1 13 21: 0.16666668960569508+0.20000000139296326<0.4000000000000103
revised distance squared from orbit of 1 to 21 is at most 0.4000000000000103.
distance squared from orbit of 1 to 21 will be revised since for 1 23 21: 0.16666673414224267+0.20000000000001478<0.4000000000000103
revised distance squared from orbit of 1 to 21 is at most 0.4000000000000103.
distance squared from orbit of 1 to 23 will be revised since for 1 6 23: 2.4332039892151664e-8+0.16666666990122353<0.16666673414224267
revised distance squared from orbit of 1 to 23 is at most 0.16666673414224267.
distance squared from orbit of 1 to 23 will be revised since for 1 13 23: 0.16666668960569508+2.8547248059946984e-9<0.16666673414224267
revised distance squared from orbit of 1 to 23 is at most 0.16666673414224267.
distance squared from orbit of 1 to 24 will be revised since for 1 2 24: 9.50627875362481e-8+0.2002235004255652<0.20040033686824213
revised distance squared from orbit of 1 to 24 is at most 0.20040033686824213.
distance squared from orbit of 1 to 24 will be revised since for 1 7 24: 1.3187990789414354e-6+0.20003012263001446<0.20040033686824213
revised distance squared from orbit of 1 to 24 is at most 0.20040033686824213.
distance squared from orbit of 1 to 24 will be revised since for 1 8 24: 1.0706428109095072e-10+0.20013566233505306<0.20040033686824213
revised distance squared from orbit of 1 to 24 is at most 0.20040033686824213.
distance squared from orbit of 1 to 24 will be revised since for 1 14 24: 4.443693196864974e-5+0.20000017788120608<0.20040033686824213
revised distance squared from orbit of 1 to 24 is at most 0.20040033686824213.
distance squared from orbit of 1 to 24 will be revised since for 1 19 24: 5.152170933290126e-6+0.20000231174953612<0.20040033686824213
revised distance squared from orbit of 1 to 24 is at most 0.20040033686824213.
distance squared from orbit of 1 to 24 will be revised since for 1 26 24: 1.2076242803984705e-5+0.20000000000267865<0.20040033686824213
revised distance squared from orbit of 1 to 24 is at most 0.20040033686824213.
distance squared from orbit of 1 to 25 will be revised since for 1 6 25: 2.4332039892151664e-8+7.082724688022664e-9<8.600286510232418e-7
revised distance squared from orbit of 1 to 25 is at most 5.966772414993641e-7.
distance squared from orbit of 1 to 25 will be revised since for 1 8 25: 1.0706428109095072e-10+2.953203341918309e-7<5.966772414993641e-7
revised distance squared from orbit of 1 to 25 is at most 5.966772414993641e-7.
distance squared from orbit of 1 to 25 will be revised since for 1 11 25: 2.759318815356846e-7+2.3583944455157915e-8<5.966772414993641e-7
revised distance squared from orbit of 1 to 25 is at most 5.966772414993641e-7.
distance squared from orbit of 1 to 25 will be revised since for 1 12 25: 9.15131479148756e-8+3.288845820157399e-8<5.966772414993641e-7
revised distance squared from orbit of 1 to 25 is at most 5.966772414993641e-7.
distance squared from orbit of 1 to 25 will be revised since for 1 18 25: 4.4752289927850894e-7+2.2218616339020502e-8<5.966772414993641e-7
revised distance squared from orbit of 1 to 25 is at most 7.717068107869434e-8.
distance squared from orbit of 1 to 26 will be revised since for 1 7 26: 1.3187990789414354e-6+7.885394129427329e-7<1.2076242803984705e-5
revised distance squared from orbit of 1 to 26 is at most 1.2076242803984705e-5.
distance squared from orbit of 1 to 26 will be revised since for 1 19 26: 5.152170933290126e-6+2.612355064867111e-7<1.2076242803984705e-5
revised distance squared from orbit of 1 to 26 is at most 1.2076242803984705e-5.
distance squared from orbit of 1 to 27 will be revised since for 1 2 27: 9.50627875362481e-8+4.112183911804052e-8<4.374215109378073e-6
revised distance squared from orbit of 1 to 27 is at most 4.374215109378073e-6.
distance squared from orbit of 1 to 27 will be revised since for 1 3 27: 7.805776850455649e-12+8.598922428715553e-8<4.374215109378073e-6
revised distance squared from orbit of 1 to 27 is at most 4.374215109378073e-6.
distance squared from orbit of 1 to 27 will be revised since for 1 6 27: 2.4332039892151664e-8+2.9329328490441582e-8<4.374215109378073e-6
revised distance squared from orbit of 1 to 27 is at most 4.374215109378073e-6.
distance squared from orbit of 1 to 27 will be revised since for 1 7 27: 1.3187990789414354e-6+7.432003183768931e-7<4.374215109378073e-6
revised distance squared from orbit of 1 to 27 is at most 4.374215109378073e-6.
distance squared from orbit of 1 to 27 will be revised since for 1 8 27: 1.0706428109095072e-10+1.091110255996825e-7<4.374215109378073e-6
revised distance squared from orbit of 1 to 27 is at most 4.374215109378073e-6.
distance squared from orbit of 1 to 27 will be revised since for 1 11 27: 2.759318815356846e-7+5.8374675951773705e-9<4.374215109378073e-6
revised distance squared from orbit of 1 to 27 is at most 4.374215109378073e-6.
distance squared from orbit of 1 to 27 will be revised since for 1 12 27: 9.15131479148756e-8+8.87983969669861e-7<4.374215109378073e-6
revised distance squared from orbit of 1 to 27 is at most 4.374215109378073e-6.
distance squared from orbit of 1 to 27 will be revised since for 1 17 27: 9.825593302023341e-7+2.7635072886104213e-7<4.374215109378073e-6
revised distance squared from orbit of 1 to 27 is at most 4.374215109378073e-6.
distance squared from orbit of 1 to 27 will be revised since for 1 18 27: 4.4752289927850894e-7+4.109011660725096e-8<4.374215109378073e-6
revised distance squared from orbit of 1 to 27 is at most 4.374215109378073e-6.
distance squared from orbit of 1 to 27 will be revised since for 1 20 27: 2.4283042547305935e-6+6.347134892009076e-9<4.374215109378073e-6
revised distance squared from orbit of 1 to 27 is at most 4.374215109378073e-6.
distance squared from orbit of 1 to 27 will be revised since for 1 22 27: 2.463731087313878e-7+6.921003390484941e-7<4.374215109378073e-6
revised distance squared from orbit of 1 to 27 is at most 4.374215109378073e-6.
distance squared from orbit of 1 to 27 will be revised since for 1 25 27: 7.717068107869434e-8+3.534012002070669e-8<4.374215109378073e-6
revised distance squared from orbit of 1 to 27 is at most 1.8433443446166706e-6.

distance squared from orbit of 2 to 1 will be revised since for 2 12 1: 4.291735162883579e-9+0.5000000000000222<0.500000013645862
revised distance squared from orbit of 2 to 1 is at most 0.500000004775783.
distance squared from orbit of 2 to 8 will be revised since for 2 12 8: 4.291735162883579e-9+0.2500001310520578<0.25000046747653953
revised distance squared from orbit of 2 to 8 is at most 0.25000046747653953.
distance squared from orbit of 2 to 10 will be revised since for 2 4 10: 0.3333333344578147+5.234815624435434e-12<0.3942196684827926
revised distance squared from orbit of 2 to 10 is at most 0.3942196684827926.
distance squared from orbit of 2 to 10 will be revised since for 2 12 10: 4.291735162883579e-9+0.394219664142602<0.3942196684827926
revised distance squared from orbit of 2 to 10 is at most 0.3942196684827926.
distance squared from orbit of 2 to 14 will be revised since for 2 7 14: 1.1069157192829281e-5+6.455847406885758e-6<0.00032123902337875435
revised distance squared from orbit of 2 to 14 is at most 0.00032123902337875435.
distance squared from orbit of 2 to 15 will be revised since for 2 9 15: 0.250000001518603+1.045447260598514e-7<0.2500012751098838
revised distance squared from orbit of 2 to 15 is at most 0.25000112762394755.
distance squared from orbit of 2 to 15 will be revised since for 2 12 15: 4.291735162883579e-9+0.2500000909989846<0.25000112762394755
revised distance squared from orbit of 2 to 15 is at most 0.25000112762394755.
distance squared from orbit of 2 to 17 will be revised since for 2 11 17: 5.21683326665092e-7+9.68401850109104e-7<4.302261093654905e-6
revised distance squared from orbit of 2 to 17 is at most 2.480832799664375e-6.
distance squared from orbit of 2 to 18 will be revised since for 2 11 18: 5.21683326665092e-7+5.399713188097772e-8<6.4898030972232e-7
revised distance squared from orbit of 2 to 18 is at most 6.4898030972232e-7.
distance squared from orbit of 2 to 18 will be revised since for 2 12 18: 4.291735162883579e-9+2.3889869873413335e-7<6.4898030972232e-7
revised distance squared from orbit of 2 to 18 is at most 1.1609360244676677e-7.
distance squared from orbit of 2 to 20 will be revised since for 2 6 20: 1.4932804943220126e-5+9.999968392142173e-8<0.00011388478029962671
revised distance squared from orbit of 2 to 20 is at most 0.00011388478029962671.
distance squared from orbit of 2 to 20 will be revised since for 2 7 20: 1.1069157192829281e-5+1.306905443653108e-5<0.00011388478029962671
revised distance squared from orbit of 2 to 20 is at most 0.00011388478029962671.
distance squared from orbit of 2 to 20 will be revised since for 2 11 20: 5.21683326665092e-7+6.088521590462608e-7<0.00011388478029962671
revised distance squared from orbit of 2 to 20 is at most 0.00011388478029962671.
distance squared from orbit of 2 to 20 will be revised since for 2 17 20: 2.480832799664375e-6+2.696387494458071e-6<0.00011388478029962671
revised distance squared from orbit of 2 to 20 is at most 0.00011388478029962671.
distance squared from orbit of 2 to 20 will be revised since for 2 18 20: 1.1609360244676677e-7+1.0340022678018923e-5<0.00011388478029962671
revised distance squared from orbit of 2 to 20 is at most 0.00011388478029962671.
distance squared from orbit of 2 to 20 will be revised since for 2 19 20: 1.3939457763825845e-5+1.8112216149298326e-7<0.00011388478029962671
revised distance squared from orbit of 2 to 20 is at most 0.00011388478029962671.
distance squared from orbit of 2 to 21 will be revised since for 2 13 21: 0.16666666666896607+0.20000000139296326<0.4000000014666653
revised distance squared from orbit of 2 to 21 is at most 0.4000000014666653.
distance squared from orbit of 2 to 21 will be revised since for 2 23 21: 0.16666667096005303+0.20000000000001478<0.4000000014666653
revised distance squared from orbit of 2 to 21 is at most 0.4000000014666653.
distance squared from orbit of 2 to 23 will be revised since for 2 12 23: 4.291735162883579e-9+0.16666666666693666<0.16666667096005303
revised distance squared from orbit of 2 to 23 is at most 0.166666667974095.
distance squared from orbit of 2 to 24 will be revised since for 2 7 24: 1.1069157192829281e-5+0.20003012263001446<0.2002235004255652
revised distance squared from orbit of 2 to 24 is at most 0.2002235004255652.
distance squared from orbit of 2 to 24 will be revised since for 2 19 24: 1.3939457763825845e-5+0.20000231174953612<0.2002235004255652
revised distance squared from orbit of 2 to 24 is at most 0.2002235004255652.
distance squared from orbit of 2 to 24 will be revised since for 2 26 24: 7.05347477701615e-5+0.20000000000267865<0.2002235004255652
revised distance squared from orbit of 2 to 24 is at most 0.2002235004255652.
distance squared from orbit of 2 to 25 will be revised since for 2 11 25: 5.21683326665092e-7+2.3583944455157915e-8<1.604607221764146e-6
revised distance squared from orbit of 2 to 25 is at most 1.5394238132925753e-6.
distance squared from orbit of 2 to 25 will be revised since for 2 12 25: 4.291735162883579e-9+3.288845820157399e-8<1.5394238132925753e-6
revised distance squared from orbit of 2 to 25 is at most 4.0096162926425785e-8.
distance squared from orbit of 2 to 26 will be revised since for 2 7 26: 1.1069157192829281e-5+7.885394129427329e-7<7.05347477701615e-5
revised distance squared from orbit of 2 to 26 is at most 7.05347477701615e-5.
distance squared from orbit of 2 to 26 will be revised since for 2 19 26: 1.3939457763825845e-5+2.612355064867111e-7<7.05347477701615e-5
revised distance squared from orbit of 2 to 26 is at most 7.05347477701615e-5.

distance squared from orbit of 3 to 10 will be revised since for 3 4 10: 0.3333333333498546+5.234815624435434e-12<0.3942196641946166
revised distance squared from orbit of 3 to 10 is at most 0.3942196641946166.
distance squared from orbit of 3 to 13 will be revised since for 3 8 13: 7.380034948204456e-11+0.1666669217670516<0.1666672052011367
revised distance squared from orbit of 3 to 13 is at most 0.16666692186260193.
distance squared from orbit of 3 to 14 will be revised since for 3 7 14: 1.1222367461176276e-5+6.455847406885758e-6<2.4116046893480727e-5
revised distance squared from orbit of 3 to 14 is at most 2.4116046893480727e-5.
distance squared from orbit of 3 to 14 will be revised since for 3 8 14: 7.380034948204456e-11+2.1432235162653193e-5<2.4116046893480727e-5
revised distance squared from orbit of 3 to 14 is at most 2.1396323673348188e-5.
distance squared from orbit of 3 to 17 will be revised since for 3 11 17: 2.73771142128751e-7+9.68401850109104e-7<2.2323347568765936e-6
revised distance squared from orbit of 3 to 17 is at most 1.7453068406722658e-6.
distance squared from orbit of 3 to 18 will be revised since for 3 8 18: 7.380034948204456e-11+9.329262937935668e-8<6.045473436357119e-7
revised distance squared from orbit of 3 to 18 is at most 9.377062352945444e-8.
distance squared from orbit of 3 to 19 will be revised since for 3 7 19: 1.1222367461176276e-5+3.146354551219097e-6<1.4660810773147276e-5
revised distance squared from orbit of 3 to 19 is at most 1.4660810773147276e-5.
distance squared from orbit of 3 to 19 will be revised since for 3 8 19: 7.380034948204456e-11+5.26817781665533e-6<1.4660810773147276e-5
revised distance squared from orbit of 3 to 19 is at most 5.525011028859017e-6.
distance squared from orbit of 3 to 20 will be revised since for 3 8 20: 7.380034948204456e-11+1.2639781511905269e-6<1.5810924472234808e-6
revised distance squared from orbit of 3 to 20 is at most 1.263797373879043e-6.
distance squared from orbit of 3 to 20 will be revised since for 3 11 20: 2.73771142128751e-7+6.088521590462608e-7<1.263797373879043e-6
revised distance squared from orbit of 3 to 20 is at most 1.263797373879043e-6.
distance squared from orbit of 3 to 21 will be revised since for 3 13 21: 0.16666692186260193+0.20000000139296326<0.4000000000000358
revised distance squared from orbit of 3 to 21 is at most 0.4000000000000358.
distance squared from orbit of 3 to 21 will be revised since for 3 23 21: 0.1666676436614952+0.20000000000001478<0.4000000000000358
revised distance squared from orbit of 3 to 21 is at most 0.4000000000000358.
distance squared from orbit of 3 to 22 will be revised since for 3 11 22: 2.73771142128751e-7+2.0415412651758296e-6<2.5828633625457918e-6
revised distance squared from orbit of 3 to 22 is at most 2.5828633625457918e-6.
distance squared from orbit of 3 to 22 will be revised since for 3 17 22: 1.7453068406722658e-6+4.532257240262915e-7<2.5828633625457918e-6
revised distance squared from orbit of 3 to 22 is at most 2.5828633625457918e-6.
distance squared from orbit of 3 to 23 will be revised since for 3 8 23: 7.380034948204456e-11+0.16666681770436975<0.1666676436614952
revised distance squared from orbit of 3 to 23 is at most 0.1666676436614952.
distance squared from orbit of 3 to 23 will be revised since for 3 11 23: 2.73771142128751e-7+0.166666677469554<0.1666676436614952
revised distance squared from orbit of 3 to 23 is at most 0.1666676436614952.
distance squared from orbit of 3 to 23 will be revised since for 3 13 23: 0.16666692186260193+2.8547248059946984e-9<0.1666676436614952
revised distance squared from orbit of 3 to 23 is at most 0.1666676436614952.
distance squared from orbit of 3 to 23 will be revised since for 3 18 23: 9.377062352945444e-8+0.16666666960210222<0.1666676436614952
revised distance squared from orbit of 3 to 23 is at most 0.1666676436614952.
distance squared from orbit of 3 to 24 will be revised since for 3 7 24: 1.1222367461176276e-5+0.20003012263001446<0.200434542122506
revised distance squared from orbit of 3 to 24 is at most 0.200434542122506.
distance squared from orbit of 3 to 24 will be revised since for 3 8 24: 7.380034948204456e-11+0.20013566233505306<0.200434542122506
revised distance squared from orbit of 3 to 24 is at most 0.20013571322237106.
distance squared from orbit of 3 to 24 will be revised since for 3 14 24: 2.1396323673348188e-5+0.20000017788120608<0.20013571322237106
revised distance squared from orbit of 3 to 24 is at most 0.20013571322237106.
distance squared from orbit of 3 to 24 will be revised since for 3 19 24: 5.525011028859017e-6+0.20000231174953612<0.20013571322237106
revised distance squared from orbit of 3 to 24 is at most 0.20013571322237106.
distance squared from orbit of 3 to 24 will be revised since for 3 26 24: 6.649309764543217e-5+0.20000000000267865<0.20013571322237106
revised distance squared from orbit of 3 to 24 is at most 0.20013571322237106.
distance squared from orbit of 3 to 25 will be revised since for 3 8 25: 7.380034948204456e-11+2.953203341918309e-7<1.4238284602127397e-6
revised distance squared from orbit of 3 to 25 is at most 1.4238284602127397e-6.
distance squared from orbit of 3 to 25 will be revised since for 3 11 25: 2.73771142128751e-7+2.3583944455157915e-8<1.4238284602127397e-6
revised distance squared from orbit of 3 to 25 is at most 1.4238284602127397e-6.
distance squared from orbit of 3 to 25 will be revised since for 3 18 25: 9.377062352945444e-8+2.2218616339020502e-8<1.4238284602127397e-6
revised distance squared from orbit of 3 to 25 is at most 1.4238284602127397e-6.
distance squared from orbit of 3 to 25 will be revised since for 3 20 25: 1.263797373879043e-6+1.3805146185223954e-8<1.4238284602127397e-6
revised distance squared from orbit of 3 to 25 is at most 1.4238284602127397e-6.
distance squared from orbit of 3 to 26 will be revised since for 3 7 26: 1.1222367461176276e-5+7.885394129427329e-7<6.649309764543217e-5
revised distance squared from orbit of 3 to 26 is at most 6.649309764543217e-5.
distance squared from orbit of 3 to 26 will be revised since for 3 8 26: 7.380034948204456e-11+3.5253783381994686e-5<6.649309764543217e-5
revised distance squared from orbit of 3 to 26 is at most 3.4400723320101e-5.
distance squared from orbit of 3 to 26 will be revised since for 3 14 26: 2.1396323673348188e-5+3.414246390164187e-7<3.4400723320101e-5
revised distance squared from orbit of 3 to 26 is at most 3.4400723320101e-5.
distance squared from orbit of 3 to 26 will be revised since for 3 19 26: 5.525011028859017e-6+2.612355064867111e-7<3.4400723320101e-5
revised distance squared from orbit of 3 to 26 is at most 3.4400723320101e-5.

distance squared from orbit of 4 to 2 will be revised since for 4 10 2: 5.234815624435434e-12+0.500000000023353<0.5000000014725472
revised distance squared from orbit of 4 to 2 is at most 0.5000000000688615.
distance squared from orbit of 4 to 3 will be revised since for 4 1 3: 0.5000000000002175+7.805776850455649e-12<0.500000000417561
revised distance squared from orbit of 4 to 3 is at most 0.500000000417561.
distance squared from orbit of 4 to 5 will be revised since for 4 10 5: 5.234815624435434e-12+0.6666666666756451<0.6666666667043218
revised distance squared from orbit of 4 to 5 is at most 0.6666666667043218.
distance squared from orbit of 4 to 7 will be revised since for 4 1 7: 0.5000000000002175+1.3187990789414354e-6<0.5572454878309517
revised distance squared from orbit of 4 to 7 is at most 0.5572454878309517.
distance squared from orbit of 4 to 7 will be revised since for 4 2 7: 0.5000000000688615+1.1069157192829281e-5<0.5572454878309517
revised distance squared from orbit of 4 to 7 is at most 0.5572454878309517.
distance squared from orbit of 4 to 7 will be revised since for 4 3 7: 0.500000000417561+1.1222367461176276e-5<0.5572454878309517
revised distance squared from orbit of 4 to 7 is at most 0.5572454878309517.
distance squared from orbit of 4 to 11 will be revised since for 4 6 11: 0.3333333368612826+7.083323759597627e-8<0.33333366298956335
revised distance squared from orbit of 4 to 11 is at most 0.33333366298956335.
distance squared from orbit of 4 to 11 will be revised since for 4 8 11: 1.0389382486310245e-7+0.33333336266408614<0.33333366298956335
revised distance squared from orbit of 4 to 11 is at most 0.33333366298956335.
distance squared from orbit of 4 to 11 will be revised since for 4 13 11: 1.2171007595831845e-10+0.33333353299084656<0.33333366298956335
revised distance squared from orbit of 4 to 11 is at most 0.33333366298956335.
distance squared from orbit of 4 to 11 will be revised since for 4 18 11: 4.492765105004568e-9+0.3333333333334648<0.33333366298956335
revised distance squared from orbit of 4 to 11 is at most 0.33333333502749024.
distance squared from orbit of 4 to 13 will be revised since for 4 10 13: 5.234815624435434e-12+7.233817603796804e-11<1.2171007595831845e-10
revised distance squared from orbit of 4 to 13 is at most 8.90854734895794e-11.
distance squared from orbit of 4 to 16 will be revised since for 4 10 16: 5.234815624435434e-12+0.7000000000322955<0.7000000000459008
revised distance squared from orbit of 4 to 16 is at most 0.7000000000459008.
distance squared from orbit of 4 to 19 will be revised since for 4 8 19: 1.0389382486310245e-7+5.26817781665533e-6<0.00010615602580794898
revised distance squared from orbit of 4 to 19 is at most 0.00010615602580794898.
distance squared from orbit of 4 to 19 will be revised since for 4 10 19: 5.234815624435434e-12+9.826079534476745e-5<0.00010615602580794898
revised distance squared from orbit of 4 to 19 is at most 0.00010111152556917821.
distance squared from orbit of 4 to 19 will be revised since for 4 13 19: 8.90854734895794e-11+8.547603329365403e-5<0.00010111152556917821
revised distance squared from orbit of 4 to 19 is at most 0.00010111152556917821.
distance squared from orbit of 4 to 19 will be revised since for 4 14 19: 3.7423228337356285e-6+1.8151616060839324e-7<0.00010111152556917821
revised distance squared from orbit of 4 to 19 is at most 0.00010111152556917821.
distance squared from orbit of 4 to 20 will be revised since for 4 8 20: 1.0389382486310245e-7+1.2639781511905269e-6<3.7516346748002733e-6
revised distance squared from orbit of 4 to 20 is at most 3.7516346748002733e-6.
distance squared from orbit of 4 to 21 will be revised since for 4 10 21: 5.234815624435434e-12+0.20000000003043522<0.20000000006654253
revised distance squared from orbit of 4 to 21 is at most 0.20000000006654253.
distance squared from orbit of 4 to 22 will be revised since for 4 6 22: 0.3333333368612826+2.6897877106518282e-5<0.5000000034666215
revised distance squared from orbit of 4 to 22 is at most 0.5000000034666215.
distance squared from orbit of 4 to 22 will be revised since for 4 11 22: 0.33333333502749024+2.0415412651758296e-6<0.5000000034666215
revised distance squared from orbit of 4 to 22 is at most 0.5000000034666215.
distance squared from orbit of 4 to 22 will be revised since for 4 17 22: 0.3260768772187913+4.532257240262915e-7<0.5000000034666215
revised distance squared from orbit of 4 to 22 is at most 0.5000000034666215.
distance squared from orbit of 4 to 23 will be revised since for 4 10 23: 5.234815624435434e-12+1.943331398265633e-10<8.22900265996761e-9
revised distance squared from orbit of 4 to 23 is at most 8.22900265996761e-9.
distance squared from orbit of 4 to 23 will be revised since for 4 13 23: 8.90854734895794e-11+2.8547248059946984e-9<8.22900265996761e-9
revised distance squared from orbit of 4 to 23 is at most 8.22900265996761e-9.
distance squared from orbit of 4 to 24 will be revised since for 4 10 24: 5.234815624435434e-12+0.20000001101836415<0.2000000185360304
revised distance squared from orbit of 4 to 24 is at most 0.2000000185360304.
distance squared from orbit of 4 to 24 will be revised since for 4 21 24: 0.20000000006654253+1.8704434396067724e-9<0.2000000185360304
revised distance squared from orbit of 4 to 24 is at most 0.2000000185360304.
distance squared from orbit of 4 to 24 will be revised since for 4 23 24: 8.22900265996761e-9+0.20000000010320002<0.2000000185360304
revised distance squared from orbit of 4 to 24 is at most 0.2000000185360304.
distance squared from orbit of 4 to 25 will be revised since for 4 18 25: 4.492765105004568e-9+2.2218616339020502e-8<2.133579459222375e-7
revised distance squared from orbit of 4 to 25 is at most 2.133579459222375e-7.
distance squared from orbit of 4 to 26 will be revised since for 4 10 26: 5.234815624435434e-12+1.2992302790973969e-5<2.353075064261303e-5
revised distance squared from orbit of 4 to 26 is at most 2.353075064261303e-5.
distance squared from orbit of 4 to 26 will be revised since for 4 13 26: 8.90854734895794e-11+9.94358309095874e-6<2.353075064261303e-5
revised distance squared from orbit of 4 to 26 is at most 2.353075064261303e-5.
distance squared from orbit of 4 to 26 will be revised since for 4 14 26: 3.7423228337356285e-6+3.414246390164187e-7<2.353075064261303e-5
revised distance squared from orbit of 4 to 26 is at most 2.353075064261303e-5.
distance squared from orbit of 4 to 26 will be revised since for 4 23 26: 8.22900265996761e-9+1.0232015586914107e-5<2.353075064261303e-5
revised distance squared from orbit of 4 to 26 is at most 2.353075064261303e-5.
distance squared from orbit of 4 to 27 will be revised since for 4 8 27: 1.0389382486310245e-7+1.091110255996825e-7<1.230208533408735e-5
revised distance squared from orbit of 4 to 27 is at most 1.230208533408735e-5.
distance squared from orbit of 4 to 27 will be revised since for 4 14 27: 3.7423228337356285e-6+5.31936047136792e-8<1.230208533408735e-5
revised distance squared from orbit of 4 to 27 is at most 1.230208533408735e-5.
distance squared from orbit of 4 to 27 will be revised since for 4 18 27: 4.492765105004568e-9+4.109011660725096e-8<1.230208533408735e-5
revised distance squared from orbit of 4 to 27 is at most 1.230208533408735e-5.
distance squared from orbit of 4 to 27 will be revised since for 4 20 27: 3.7516346748002733e-6+6.347134892009076e-9<1.230208533408735e-5
revised distance squared from orbit of 4 to 27 is at most 1.230208533408735e-5.
distance squared from orbit of 4 to 27 will be revised since for 4 25 27: 2.133579459222375e-7+3.534012002070669e-8<1.230208533408735e-5
revised distance squared from orbit of 4 to 27 is at most 1.04674943830834e-5.

distance squared from orbit of 5 to 6 will be revised since for 5 11 6: 1.060564274287302e-5+0.16666666666674113<0.16669274129487496
revised distance squared from orbit of 5 to 6 is at most 0.16667342332178406.
distance squared from orbit of 5 to 7 will be revised since for 5 2 7: 0.4000000000002914+1.1069157192829281e-5<0.4021790995729492
revised distance squared from orbit of 5 to 7 is at most 0.4021790995729492.
distance squared from orbit of 5 to 8 will be revised since for 5 27 8: 3.253734085753105e-8+0.5000000000000453<0.5000003664533484
revised distance squared from orbit of 5 to 8 is at most 0.5000000161144164.
distance squared from orbit of 5 to 10 will be revised since for 5 18 10: 6.426445213062951e-7+0.46078472443212115<0.4607856989096745
revised distance squared from orbit of 5 to 10 is at most 0.46078524125136644.
distance squared from orbit of 5 to 15 will be revised since for 5 19 15: 0.14285739753023458+0.3333351144403875<0.4768107655602449
revised distance squared from orbit of 5 to 15 is at most 0.4768107655602449.
distance squared from orbit of 5 to 15 will be revised since for 5 26 15: 0.1428571642827109+0.33333333333381737<0.4768107655602449
revised distance squared from orbit of 5 to 15 is at most 0.4768107655602449.
distance squared from orbit of 5 to 17 will be revised since for 5 11 17: 1.060564274287302e-5+9.68401850109104e-7<6.0257843647261706e-5
revised distance squared from orbit of 5 to 17 is at most 6.0257843647261706e-5.
distance squared from orbit of 5 to 21 will be revised since for 5 13 21: 0.16666725516526026+0.20000000139296326<0.40000096740391455
revised distance squared from orbit of 5 to 21 is at most 0.4000009483169987.
distance squared from orbit of 5 to 21 will be revised since for 5 18 21: 6.426445213062951e-7+0.4000000006617907<0.4000009483169987
revised distance squared from orbit of 5 to 21 is at most 0.4000008519590944.
distance squared from orbit of 5 to 21 will be revised since for 5 23 21: 0.1666674546674645+0.20000000000001478<0.4000008519590944
revised distance squared from orbit of 5 to 21 is at most 0.40000021010304565.
distance squared from orbit of 5 to 23 will be revised since for 5 13 23: 0.16666725516526026+2.8547248059946984e-9<0.1666674546674645
revised distance squared from orbit of 5 to 23 is at most 0.1666674394016003.
distance squared from orbit of 5 to 23 will be revised since for 5 18 23: 6.426445213062951e-7+0.16666666960210222<0.1666674394016003
revised distance squared from orbit of 5 to 23 is at most 0.1666674394016003.
distance squared from orbit of 5 to 24 will be revised since for 5 13 24: 0.16666725516526026+0.2000000666145442<0.40000001802964646
revised distance squared from orbit of 5 to 24 is at most 0.40000001802964646.
distance squared from orbit of 5 to 24 will be revised since for 5 19 24: 0.14285739753023458+0.20000231174953612<0.40000001802964646
revised distance squared from orbit of 5 to 24 is at most 0.40000001802964646.
distance squared from orbit of 5 to 24 will be revised since for 5 23 24: 0.1666674394016003+0.20000000010320002<0.40000001802964646
revised distance squared from orbit of 5 to 24 is at most 0.40000001802964646.
distance squared from orbit of 5 to 24 will be revised since for 5 26 24: 0.1428571642827109+0.20000000000267865<0.40000001802964646
revised distance squared from orbit of 5 to 24 is at most 0.40000001802964646.
distance squared from orbit of 5 to 25 will be revised since for 5 18 25: 6.426445213062951e-7+2.2218616339020502e-8<7.870043256654237e-6
revised distance squared from orbit of 5 to 25 is at most 6.773238319890981e-6.
distance squared from orbit of 5 to 25 will be revised since for 5 20 25: 9.482788010052418e-7+1.3805146185223954e-8<6.773238319890981e-6
revised distance squared from orbit of 5 to 25 is at most 6.773238319890981e-6.

distance squared from orbit of 6 to 1 will be revised since for 6 12 1: 0.400000002490587+0.5000000000000222<0.9656654874304416
revised distance squared from orbit of 6 to 1 is at most 0.9656654874304416.
distance squared from orbit of 6 to 1 will be revised since for 6 13 1: 0.16666667614055578+0.6666666666668133<0.9656654874304416
revised distance squared from orbit of 6 to 1 is at most 0.9656654874304416.
distance squared from orbit of 6 to 1 will be revised since for 6 18 1: 7.769022529946462e-9+0.9656654756058254<0.9656654874304416
revised distance squared from orbit of 6 to 1 is at most 0.9656654760177558.
distance squared from orbit of 6 to 3 will be revised since for 6 18 3: 7.769022529946462e-9+0.666666666671239<0.6666666878837344
revised distance squared from orbit of 6 to 3 is at most 0.6666666837332799.
distance squared from orbit of 6 to 5 will be revised since for 6 11 5: 7.083323759597627e-8+0.5000000005319053<0.5000187171133592
revised distance squared from orbit of 6 to 5 is at most 0.5000187171133592.
distance squared from orbit of 6 to 5 will be revised since for 6 17 5: 6.346211791452075e-8+0.5000000003010934<0.5000187171133592
revised distance squared from orbit of 6 to 5 is at most 0.5000187171133592.
distance squared from orbit of 6 to 7 will be revised since for 6 2 7: 0.5000000073286489+1.1069157192829281e-5<0.5000268038408079
revised distance squared from orbit of 6 to 7 is at most 0.5000268038408079.
distance squared from orbit of 6 to 7 will be revised since for 6 11 7: 7.083323759597627e-8+0.5000022719939625<0.5000268038408079
revised distance squared from orbit of 6 to 7 is at most 0.5000020368122516.
distance squared from orbit of 6 to 7 will be revised since for 6 17 7: 6.346211791452075e-8+0.5000000274414701<0.5000020368122516
revised distance squared from orbit of 6 to 7 is at most 0.5000020368122516.
distance squared from orbit of 6 to 8 will be revised since for 6 11 8: 7.083323759597627e-8+0.5000000304567919<0.5000002621845455
revised distance squared from orbit of 6 to 8 is at most 0.5000000345138754.
distance squared from orbit of 6 to 8 will be revised since for 6 25 8: 7.082724688022664e-9+0.5000000001644399<0.5000000345138754
revised distance squared from orbit of 6 to 8 is at most 0.5000000345138754.
distance squared from orbit of 6 to 8 will be revised since for 6 27 8: 2.9329328490441582e-8+0.5000000000000453<0.5000000345138754
revised distance squared from orbit of 6 to 8 is at most 0.5000000345138754.
distance squared from orbit of 6 to 9 will be revised since for 6 12 9: 0.400000002490587+0.2500000000000293<0.7268408143109197
revised distance squared from orbit of 6 to 9 is at most 0.7268408143109197.
distance squared from orbit of 6 to 9 will be revised since for 6 13 9: 0.16666667614055578+0.5000000000001109<0.7268408143109197
revised distance squared from orbit of 6 to 9 is at most 0.7268408143109197.
distance squared from orbit of 6 to 9 will be revised since for 6 18 9: 7.769022529946462e-9+0.7268408058052478<0.7268408143109197
revised distance squared from orbit of 6 to 9 is at most 0.7268408110071546.
distance squared from orbit of 6 to 9 will be revised since for 6 23 9: 0.16666666990122353+0.5000000000000189<0.7268408110071546
revised distance squared from orbit of 6 to 9 is at most 0.7268408110071546.
distance squared from orbit of 6 to 13 will be revised since for 6 18 13: 7.769022529946462e-9+0.16666666666682453<0.16666667614055578
revised distance squared from orbit of 6 to 13 is at most 0.16666667614055578.
distance squared from orbit of 6 to 15 will be revised since for 6 19 15: 0.14285729138519407+0.3333351144403875<0.5000000039755794
revised distance squared from orbit of 6 to 15 is at most 0.5000000039755794.
distance squared from orbit of 6 to 15 will be revised since for 6 23 15: 0.16666666990122353+0.333333333536027<0.5000000039755794
revised distance squared from orbit of 6 to 15 is at most 0.5000000039755794.
distance squared from orbit of 6 to 15 will be revised since for 6 26 15: 0.1428571693365083+0.33333333333381737<0.5000000039755794
revised distance squared from orbit of 6 to 15 is at most 0.5000000039755794.
distance squared from orbit of 6 to 16 will be revised since for 6 11 16: 7.083323759597627e-8+0.4000000036172602<0.40000959596381636
revised distance squared from orbit of 6 to 16 is at most 0.40000959596381636.
distance squared from orbit of 6 to 16 will be revised since for 6 17 16: 6.346211791452075e-8+0.4000000010856813<0.40000959596381636
revised distance squared from orbit of 6 to 16 is at most 0.40000959596381636.
distance squared from orbit of 6 to 19 will be revised since for 6 20 19: 9.999968392142173e-8+0.14285714285737597<0.14285729138519407
revised distance squared from orbit of 6 to 19 is at most 0.14285717208576762.
distance squared from orbit of 6 to 21 will be revised since for 6 13 21: 0.16666667614055578+0.20000000139296326<0.4000000016244594
revised distance squared from orbit of 6 to 21 is at most 0.4000000016244594.
distance squared from orbit of 6 to 21 will be revised since for 6 23 21: 0.16666666990122353+0.20000000000001478<0.4000000016244594
revised distance squared from orbit of 6 to 21 is at most 0.4000000016196215.
distance squared from orbit of 6 to 22 will be revised since for 6 11 22: 7.083323759597627e-8+2.0415412651758296e-6<2.6897877106518282e-5
revised distance squared from orbit of 6 to 22 is at most 2.6897877106518282e-5.
distance squared from orbit of 6 to 22 will be revised since for 6 17 22: 6.346211791452075e-8+4.532257240262915e-7<2.6897877106518282e-5
revised distance squared from orbit of 6 to 22 is at most 2.6897877106518282e-5.
distance squared from orbit of 6 to 24 will be revised since for 6 11 24: 7.083323759597627e-8+0.4000000120961839<0.4000000859348694
revised distance squared from orbit of 6 to 24 is at most 0.4000000128164762.
distance squared from orbit of 6 to 24 will be revised since for 6 13 24: 0.16666667614055578+0.2000000666145442<0.4000000128164762
revised distance squared from orbit of 6 to 24 is at most 0.4000000128164762.
distance squared from orbit of 6 to 24 will be revised since for 6 19 24: 0.14285717208576762+0.20000231174953612<0.4000000128164762
revised distance squared from orbit of 6 to 24 is at most 0.4000000128164762.
distance squared from orbit of 6 to 24 will be revised since for 6 21 24: 0.4000000016196215+1.8704434396067724e-9<0.4000000128164762
revised distance squared from orbit of 6 to 24 is at most 0.4000000128164762.
distance squared from orbit of 6 to 24 will be revised since for 6 23 24: 0.16666666990122353+0.20000000010320002<0.4000000128164762
revised distance squared from orbit of 6 to 24 is at most 0.4000000128164762.
distance squared from orbit of 6 to 24 will be revised since for 6 25 24: 7.082724688022664e-9+0.40000000006972475<0.4000000128164762
revised distance squared from orbit of 6 to 24 is at most 0.4000000128164762.
distance squared from orbit of 6 to 24 will be revised since for 6 26 24: 0.1428571693365083+0.20000000000267865<0.4000000128164762
revised distance squared from orbit of 6 to 24 is at most 0.4000000128164762.

distance squared from orbit of 7 to 1 will be revised since for 7 8 1: 0.4573529554616996+0.5000000000000856<0.9657213448278102
revised distance squared from orbit of 7 to 1 is at most 0.9657213448278102.
distance squared from orbit of 7 to 1 will be revised since for 7 12 1: 0.4000067584635277+0.5000000000000222<0.9657213448278102
revised distance squared from orbit of 7 to 1 is at most 0.9657213448278102.
distance squared from orbit of 7 to 1 will be revised since for 7 13 1: 0.1815274277800422+0.6666666666668133<0.9657213448278102
revised distance squared from orbit of 7 to 1 is at most 0.9657213448278102.
distance squared from orbit of 7 to 1 will be revised since for 7 14 1: 6.455847406885758e-6+0.9656654931288748<0.9657213448278102
revised distance squared from orbit of 7 to 1 is at most 0.9657213448278102.
distance squared from orbit of 7 to 1 will be revised since for 7 19 1: 3.146354551219097e-6+0.9656654763774245<0.9657213448278102
revised distance squared from orbit of 7 to 1 is at most 0.9657213448278102.
distance squared from orbit of 7 to 2 will be revised since for 7 11 2: 0.00014757610102239776+0.5000000246784221<0.5104644523506352
revised distance squared from orbit of 7 to 2 is at most 0.5104644523506352.
distance squared from orbit of 7 to 2 will be revised since for 7 14 2: 6.455847406885758e-6+0.5000000280227<0.5104644523506352
revised distance squared from orbit of 7 to 2 is at most 0.5104644523506352.
distance squared from orbit of 7 to 2 will be revised since for 7 18 2: 0.0040463009733342084+0.5000000000001644<0.5104644523506352
revised distance squared from orbit of 7 to 2 is at most 0.5022588213622523.
distance squared from orbit of 7 to 4 will be revised since for 7 17 4: 4.5249568226267144e-7+0.6666669206617324<0.6666683151492309
revised distance squared from orbit of 7 to 4 is at most 0.666667357617553.
distance squared from orbit of 7 to 9 will be revised since for 7 8 9: 0.4573529554616996+0.25000000000004585<0.7289934948036517
revised distance squared from orbit of 7 to 9 is at most 0.7289934948036517.
distance squared from orbit of 7 to 9 will be revised since for 7 11 9: 0.00014757610102239776+0.7268408485272501<0.7289934948036517
revised distance squared from orbit of 7 to 9 is at most 0.7289934948036517.
distance squared from orbit of 7 to 9 will be revised since for 7 12 9: 0.4000067584635277+0.2500000000000293<0.7289934948036517
revised distance squared from orbit of 7 to 9 is at most 0.7289934948036517.
distance squared from orbit of 7 to 9 will be revised since for 7 13 9: 0.1815274277800422+0.5000000000001109<0.7289934948036517
revised distance squared from orbit of 7 to 9 is at most 0.7289934948036517.
distance squared from orbit of 7 to 9 will be revised since for 7 14 9: 6.455847406885758e-6+0.726840811216165<0.7289934948036517
revised distance squared from orbit of 7 to 9 is at most 0.7289934948036517.
distance squared from orbit of 7 to 9 will be revised since for 7 23 9: 0.1666679955210553+0.5000000000000189<0.7289934948036517
revised distance squared from orbit of 7 to 9 is at most 0.7289934948036517.
distance squared from orbit of 7 to 10 will be revised since for 7 11 10: 0.00014757610102239776+0.4607847283463777<0.46753680744312587
revised distance squared from orbit of 7 to 10 is at most 0.46753680744312587.
distance squared from orbit of 7 to 10 will be revised since for 7 14 10: 6.455847406885758e-6+0.4607847322843414<0.46753680744312587
revised distance squared from orbit of 7 to 10 is at most 0.46753680744312587.
distance squared from orbit of 7 to 10 will be revised since for 7 18 10: 0.0040463009733342084+0.46078472443212115<0.46753680744312587
revised distance squared from orbit of 7 to 10 is at most 0.46274694715611375.
distance squared from orbit of 7 to 12 will be revised since for 7 14 12: 6.455847406885758e-6+0.40000008901306305<0.4000067584635277
revised distance squared from orbit of 7 to 12 is at most 0.4000067584635277.
distance squared from orbit of 7 to 12 will be revised since for 7 19 12: 3.146354551219097e-6+0.40000000298303207<0.4000067584635277
revised distance squared from orbit of 7 to 12 is at most 0.4000067584635277.
distance squared from orbit of 7 to 13 will be revised since for 7 11 13: 0.00014757610102239776+0.16666671778728231<0.1815274277800422
revised distance squared from orbit of 7 to 13 is at most 0.1815274277800422.
distance squared from orbit of 7 to 13 will be revised since for 7 14 13: 6.455847406885758e-6+0.16666667890877537<0.1815274277800422
revised distance squared from orbit of 7 to 13 is at most 0.1815274277800422.
distance squared from orbit of 7 to 13 will be revised since for 7 18 13: 0.0040463009733342084+0.16666666666682453<0.1815274277800422
revised distance squared from orbit of 7 to 13 is at most 0.1698357752741757.
distance squared from orbit of 7 to 15 will be revised since for 7 14 15: 6.455847406885758e-6+0.3333339261370917<0.3334027756334904
revised distance squared from orbit of 7 to 15 is at most 0.3333598126042947.
distance squared from orbit of 7 to 15 will be revised since for 7 19 15: 3.146354551219097e-6+0.3333351144403875<0.3333598126042947
revised distance squared from orbit of 7 to 15 is at most 0.3333598126042947.
distance squared from orbit of 7 to 15 will be revised since for 7 26 15: 7.885394129427329e-7+0.33333333333381737<0.3333598126042947
revised distance squared from orbit of 7 to 15 is at most 0.3333598126042947.
distance squared from orbit of 7 to 18 will be revised since for 7 11 18: 0.00014757610102239776+5.399713188097772e-8<0.0040463009733342084
revised distance squared from orbit of 7 to 18 is at most 0.0040463009733342084.
distance squared from orbit of 7 to 18 will be revised since for 7 14 18: 6.455847406885758e-6+6.385757853854215e-7<0.0040463009733342084
revised distance squared from orbit of 7 to 18 is at most 0.0040463009733342084.
distance squared from orbit of 7 to 20 will be revised since for 7 14 20: 6.455847406885758e-6+8.671092520614462e-7<1.306905443653108e-5
revised distance squared from orbit of 7 to 20 is at most 2.059375297629591e-6.
distance squared from orbit of 7 to 21 will be revised since for 7 13 21: 0.1698357752741757+0.20000000139296326<0.40000138825534476
revised distance squared from orbit of 7 to 21 is at most 0.40000138825534476.
distance squared from orbit of 7 to 21 will be revised since for 7 17 21: 4.5249568226267144e-7+0.40000018780235763<0.40000138825534476
revised distance squared from orbit of 7 to 21 is at most 0.40000065598196105.
distance squared from orbit of 7 to 21 will be revised since for 7 23 21: 0.1666679955210553+0.20000000000001478<0.40000065598196105
revised distance squared from orbit of 7 to 21 is at most 0.40000065598196105.
distance squared from orbit of 7 to 23 will be revised since for 7 17 23: 4.5249568226267144e-7+0.16666697262058824<0.1666679955210553
revised distance squared from orbit of 7 to 23 is at most 0.16666776004430148.
distance squared from orbit of 7 to 24 will be revised since for 7 14 24: 6.455847406885758e-6+0.20000017788120608<0.20003012263001446
revised distance squared from orbit of 7 to 24 is at most 0.2000075322987579.
distance squared from orbit of 7 to 24 will be revised since for 7 19 24: 3.146354551219097e-6+0.20000231174953612<0.2000075322987579
revised distance squared from orbit of 7 to 24 is at most 0.2000075322987579.
distance squared from orbit of 7 to 24 will be revised since for 7 26 24: 7.885394129427329e-7+0.20000000000267865<0.2000075322987579
revised distance squared from orbit of 7 to 24 is at most 0.2000075322987579.
distance squared from orbit of 7 to 25 will be revised since for 7 17 25: 4.5249568226267144e-7+2.800372403173916e-7<3.1615697406401916e-6
revised distance squared from orbit of 7 to 25 is at most 2.0884730186151206e-6.
distance squared from orbit of 7 to 25 will be revised since for 7 20 25: 2.059375297629591e-6+1.3805146185223954e-8<2.0884730186151206e-6
revised distance squared from orbit of 7 to 25 is at most 2.0884730186151206e-6.
distance squared from orbit of 7 to 27 will be revised since for 7 17 27: 4.5249568226267144e-7+2.7635072886104213e-7<7.432003183768931e-7
revised distance squared from orbit of 7 to 27 is at most 5.54041657987921e-7.

distance squared from orbit of 8 to 2 will be revised since for 8 1 2: 0.5000000000000856+9.50627875362481e-8<0.5000004475008849
revised distance squared from orbit of 8 to 2 is at most 0.5000000966254298.
distance squared from orbit of 8 to 2 will be revised since for 8 18 2: 9.329262937935668e-8+0.5000000000001644<0.5000000966254298
revised distance squared from orbit of 8 to 2 is at most 0.5000000108800544.
distance squared from orbit of 8 to 7 will be revised since for 8 1 7: 0.5000000000000856+1.3187990789414354e-6<0.5941322384156831
revised distance squared from orbit of 8 to 7 is at most 0.5941322384156831.
distance squared from orbit of 8 to 7 will be revised since for 8 2 7: 0.5000000108800544+1.1069157192829281e-5<0.5941322384156831
revised distance squared from orbit of 8 to 7 is at most 0.5941322384156831.
distance squared from orbit of 8 to 7 will be revised since for 8 3 7: 0.5000000000000409+1.1222367461176276e-5<0.5941322384156831
revised distance squared from orbit of 8 to 7 is at most 0.5941322384156831.
distance squared from orbit of 8 to 10 will be revised since for 8 4 10: 0.33333333333335075+5.234815624435434e-12<0.39421966414260984
revised distance squared from orbit of 8 to 10 is at most 0.39421966414260984.
distance squared from orbit of 8 to 13 will be revised since for 8 18 13: 9.329262937935668e-8+0.16666666666682453<0.1666669217670516
revised distance squared from orbit of 8 to 13 is at most 0.16666667835649912.
distance squared from orbit of 8 to 16 will be revised since for 8 6 16: 0.33333338302431037+0.40000959596381636<0.8000000000002945
revised distance squared from orbit of 8 to 16 is at most 0.8000000000002945.
distance squared from orbit of 8 to 16 will be revised since for 8 11 16: 0.33333336266408614+0.4000000036172602<0.8000000000002945
revised distance squared from orbit of 8 to 16 is at most 0.8000000000002945.
distance squared from orbit of 8 to 16 will be revised since for 8 17 16: 0.32607690751765533+0.4000000010856813<0.8000000000002945
revised distance squared from orbit of 8 to 16 is at most 0.8000000000002945.
distance squared from orbit of 8 to 21 will be revised since for 8 13 21: 0.16666667835649912+0.20000000139296326<0.40000000000043157
revised distance squared from orbit of 8 to 21 is at most 0.40000000000043157.
distance squared from orbit of 8 to 21 will be revised since for 8 23 21: 0.16666681770436975+0.20000000000001478<0.40000000000043157
revised distance squared from orbit of 8 to 21 is at most 0.40000000000043157.
distance squared from orbit of 8 to 22 will be revised since for 8 6 22: 0.33333338302431037+2.6897877106518282e-5<0.5000000839144878
revised distance squared from orbit of 8 to 22 is at most 0.5000000839144878.
distance squared from orbit of 8 to 22 will be revised since for 8 11 22: 0.33333336266408614+2.0415412651758296e-6<0.5000000839144878
revised distance squared from orbit of 8 to 22 is at most 0.5000000839144878.
distance squared from orbit of 8 to 22 will be revised since for 8 17 22: 0.32607690751765533+4.532257240262915e-7<0.5000000839144878
revised distance squared from orbit of 8 to 22 is at most 0.5000000839144878.
distance squared from orbit of 8 to 23 will be revised since for 8 13 23: 0.16666667835649912+2.8547248059946984e-9<0.16666681770436975
revised distance squared from orbit of 8 to 23 is at most 0.16666669969742412.
distance squared from orbit of 8 to 24 will be revised since for 8 14 24: 2.1432235162653193e-5+0.20000017788120608<0.20013566233505306
revised distance squared from orbit of 8 to 24 is at most 0.20013566233505306.
distance squared from orbit of 8 to 24 will be revised since for 8 19 24: 5.26817781665533e-6+0.20000231174953612<0.20013566233505306
revised distance squared from orbit of 8 to 24 is at most 0.20013566233505306.
distance squared from orbit of 8 to 24 will be revised since for 8 26 24: 3.5253783381994686e-5+0.20000000000267865<0.20013566233505306
revised distance squared from orbit of 8 to 24 is at most 0.20013566233505306.
distance squared from orbit of 8 to 25 will be revised since for 8 18 25: 9.329262937935668e-8+2.2218616339020502e-8<2.953203341918309e-7
revised distance squared from orbit of 8 to 25 is at most 2.373861637224211e-8.
distance squared from orbit of 8 to 26 will be revised since for 8 14 26: 2.1432235162653193e-5+3.414246390164187e-7<3.5253783381994686e-5
revised distance squared from orbit of 8 to 26 is at most 3.5253783381994686e-5.
distance squared from orbit of 8 to 26 will be revised since for 8 19 26: 5.26817781665533e-6+2.612355064867111e-7<3.5253783381994686e-5
revised distance squared from orbit of 8 to 26 is at most 3.5253783381994686e-5.
distance squared from orbit of 8 to 27 will be revised since for 8 25 27: 2.373861637224211e-8+3.534012002070669e-8<1.091110255996825e-7
revised distance squared from orbit of 8 to 27 is at most 1.091110255996825e-7.

distance squared from orbit of 9 to 2 will be revised since for 9 1 2: 0.5000000000001593+9.50627875362481e-8<0.5000000959847004
revised distance squared from orbit of 9 to 2 is at most 0.5000000959847004.
distance squared from orbit of 9 to 3 will be revised since for 9 1 3: 0.5000000000001593+7.805776850455649e-12<0.5669872981090082
revised distance squared from orbit of 9 to 3 is at most 0.5669872981090082.
distance squared from orbit of 9 to 7 will be revised since for 9 1 7: 0.5000000000001593+1.3187990789414354e-6<0.5494262597416593
revised distance squared from orbit of 9 to 7 is at most 0.5494262597416593.
distance squared from orbit of 9 to 7 will be revised since for 9 2 7: 0.5000000959847004+1.1069157192829281e-5<0.5494262597416593
revised distance squared from orbit of 9 to 7 is at most 0.5494262597416593.
distance squared from orbit of 9 to 8 will be revised since for 9 15 8: 1.045447260598514e-7+0.2500000000002711<0.2500001323908414
revised distance squared from orbit of 9 to 8 is at most 0.25000003277608124.
distance squared from orbit of 9 to 10 will be revised since for 9 4 10: 0.3333333333333543+5.234815624435434e-12<0.33333333339794496
revised distance squared from orbit of 9 to 10 is at most 0.33333333339794496.
distance squared from orbit of 9 to 14 will be revised since for 9 8 14: 0.25000003277608124+2.1432235162653193e-5<0.2500346115131016
revised distance squared from orbit of 9 to 14 is at most 0.2500346115131016.
distance squared from orbit of 9 to 14 will be revised since for 9 12 14: 2.1119642490826436e-7+0.2500249583120809<0.2500346115131016
revised distance squared from orbit of 9 to 14 is at most 0.250024302452051.
distance squared from orbit of 9 to 17 will be revised since for 9 18 17: 1.8593336335519942e-7+0.32607687371707106<0.3260771507762574
revised distance squared from orbit of 9 to 17 is at most 0.3260769898935647.
distance squared from orbit of 9 to 19 will be revised since for 9 12 19: 2.1119642490826436e-7+4.332661331130642e-5<4.677850836867305e-5
revised distance squared from orbit of 9 to 19 is at most 4.2131737414232027e-5.
distance squared from orbit of 9 to 20 will be revised since for 9 15 20: 1.045447260598514e-7+3.82322577213619e-7<8.77880131741515e-7
revised distance squared from orbit of 9 to 20 is at most 5.908016796053501e-7.
distance squared from orbit of 9 to 22 will be revised since for 9 6 22: 0.3333334313946213+2.6897877106518282e-5<0.5000001978710288
revised distance squared from orbit of 9 to 22 is at most 0.5000001978710288.
distance squared from orbit of 9 to 22 will be revised since for 9 11 22: 0.33333344355588934+2.0415412651758296e-6<0.5000001978710288
revised distance squared from orbit of 9 to 22 is at most 0.5000001978710288.
distance squared from orbit of 9 to 22 will be revised since for 9 17 22: 0.3260769898935647+4.532257240262915e-7<0.5000001978710288
revised distance squared from orbit of 9 to 22 is at most 0.5000001978710288.
distance squared from orbit of 9 to 22 will be revised since for 9 18 22: 1.8593336335519942e-7+0.500000000000104<0.5000001978710288
revised distance squared from orbit of 9 to 22 is at most 0.5000001012104868.
distance squared from orbit of 9 to 25 will be revised since for 9 12 25: 2.1119642490826436e-7+3.288845820157399e-8<3.518330116313674e-7
revised distance squared from orbit of 9 to 25 is at most 3.518330116313674e-7.
distance squared from orbit of 9 to 25 will be revised since for 9 18 25: 1.8593336335519942e-7+2.2218616339020502e-8<3.518330116313674e-7
revised distance squared from orbit of 9 to 25 is at most 2.8868497139335087e-8.
distance squared from orbit of 9 to 26 will be revised since for 9 13 26: 3.1632085539932494e-7+9.94358309095874e-6<2.1885470879687152e-5
revised distance squared from orbit of 9 to 26 is at most 2.1885470879687152e-5.
distance squared from orbit of 9 to 26 will be revised since for 9 15 26: 1.045447260598514e-7+7.693171291891994e-6<2.1885470879687152e-5
revised distance squared from orbit of 9 to 26 is at most 2.1885470879687152e-5.
distance squared from orbit of 9 to 26 will be revised since for 9 23 26: 1.3343401754220498e-8+1.0232015586914107e-5<2.1885470879687152e-5
revised distance squared from orbit of 9 to 26 is at most 2.1885470879687152e-5.
distance squared from orbit of 9 to 27 will be revised since for 9 12 27: 2.1119642490826436e-7+8.87983969669861e-7<1.3635722117754632e-6
revised distance squared from orbit of 9 to 27 is at most 1.3635722117754632e-6.
distance squared from orbit of 9 to 27 will be revised since for 9 15 27: 1.045447260598514e-7+2.0293834941342342e-7<1.3635722117754632e-6
revised distance squared from orbit of 9 to 27 is at most 1.3635722117754632e-6.
distance squared from orbit of 9 to 27 will be revised since for 9 18 27: 1.8593336335519942e-7+4.109011660725096e-8<1.3635722117754632e-6
revised distance squared from orbit of 9 to 27 is at most 1.3635722117754632e-6.
distance squared from orbit of 9 to 27 will be revised since for 9 20 27: 5.908016796053501e-7+6.347134892009076e-9<1.3635722117754632e-6
revised distance squared from orbit of 9 to 27 is at most 1.3635722117754632e-6.
distance squared from orbit of 9 to 27 will be revised since for 9 25 27: 2.8868497139335087e-8+3.534012002070669e-8<1.3635722117754632e-6
revised distance squared from orbit of 9 to 27 is at most 1.3635722117754632e-6.

distance squared from orbit of 10 to 6 will be revised since for 10 13 6: 7.233817603796804e-11+0.3333335900903462<0.33333390002822966
revised distance squared from orbit of 10 to 6 is at most 0.33333359020596837.
distance squared from orbit of 10 to 7 will be revised since for 10 2 7: 0.500000000023353+1.1069157192829281e-5<0.5588006533942114
revised distance squared from orbit of 10 to 7 is at most 0.5588006533942114.
distance squared from orbit of 10 to 11 will be revised since for 10 6 11: 0.33333359020596837+7.083323759597627e-8<0.333334159661506
revised distance squared from orbit of 10 to 11 is at most 0.333334159661506.
distance squared from orbit of 10 to 11 will be revised since for 10 13 11: 7.233817603796804e-11+0.33333353299084656<0.333334159661506
revised distance squared from orbit of 10 to 11 is at most 0.33333353314781894.
distance squared from orbit of 10 to 12 will be revised since for 10 13 12: 7.233817603796804e-11+0.40000009795146985<0.40000010404816144
revised distance squared from orbit of 10 to 12 is at most 0.40000009798546987.
distance squared from orbit of 10 to 15 will be revised since for 10 13 15: 7.233817603796804e-11+0.3333334368174438<0.3333334868676445
revised distance squared from orbit of 10 to 15 is at most 0.3333334368077631.
distance squared from orbit of 10 to 15 will be revised since for 10 23 15: 1.943331398265633e-10+0.333333333536027<0.3333334368077631
revised distance squared from orbit of 10 to 15 is at most 0.3333334368077631.
distance squared from orbit of 10 to 17 will be revised since for 10 13 17: 7.233817603796804e-11+0.3260771010746663<0.3260776107211479
revised distance squared from orbit of 10 to 17 is at most 0.32607710130617706.
distance squared from orbit of 10 to 18 will be revised since for 10 13 18: 7.233817603796804e-11+4.982223443887015e-7<6.156253236748765e-7
revised distance squared from orbit of 10 to 18 is at most 4.6156634684530394e-7.
distance squared from orbit of 10 to 19 will be revised since for 10 13 19: 7.233817603796804e-11+8.547603329365403e-5<9.826079534476745e-5
revised distance squared from orbit of 10 to 19 is at most 8.534276291153078e-5.
distance squared from orbit of 10 to 19 will be revised since for 10 14 19: 7.897488584343614e-5+1.8151616060839324e-7<8.534276291153078e-5
revised distance squared from orbit of 10 to 19 is at most 8.534276291153078e-5.
distance squared from orbit of 10 to 20 will be revised since for 10 14 20: 7.897488584343614e-5+8.671092520614462e-7<0.0003212448822806036
revised distance squared from orbit of 10 to 20 is at most 0.0003212448822806036.
distance squared from orbit of 10 to 20 will be revised since for 10 18 20: 4.6156634684530394e-7+1.0340022678018923e-5<0.0003212448822806036
revised distance squared from orbit of 10 to 20 is at most 0.0003212448822806036.
distance squared from orbit of 10 to 20 will be revised since for 10 19 20: 8.534276291153078e-5+1.8112216149298326e-7<0.0003212448822806036
revised distance squared from orbit of 10 to 20 is at most 0.0003212448822806036.
distance squared from orbit of 10 to 22 will be revised since for 10 6 22: 0.33333359020596837+2.6897877106518282e-5<0.5000003718987097
revised distance squared from orbit of 10 to 22 is at most 0.5000003718987097.
distance squared from orbit of 10 to 22 will be revised since for 10 11 22: 0.33333353314781894+2.0415412651758296e-6<0.5000003718987097
revised distance squared from orbit of 10 to 22 is at most 0.5000003718987097.
distance squared from orbit of 10 to 22 will be revised since for 10 13 22: 7.233817603796804e-11+0.5000002532079619<0.5000003718987097
revised distance squared from orbit of 10 to 22 is at most 0.5000002535168462.
distance squared from orbit of 10 to 22 will be revised since for 10 17 22: 0.32607710130617706+4.532257240262915e-7<0.5000002535168462
revised distance squared from orbit of 10 to 22 is at most 0.5000002535168462.
distance squared from orbit of 10 to 24 will be revised since for 10 21 24: 0.20000000003043522+1.8704434396067724e-9<0.20000001101836415
revised distance squared from orbit of 10 to 24 is at most 0.20000001101836415.
distance squared from orbit of 10 to 24 will be revised since for 10 23 24: 1.943331398265633e-10+0.20000000010320002<0.20000001101836415
revised distance squared from orbit of 10 to 24 is at most 0.20000001101836415.
distance squared from orbit of 10 to 25 will be revised since for 10 13 25: 7.233817603796804e-11+4.105964711556116e-7<4.698873601595989e-7
revised distance squared from orbit of 10 to 25 is at most 4.104536210511469e-7.
distance squared from orbit of 10 to 26 will be revised since for 10 13 26: 7.233817603796804e-11+9.94358309095874e-6<1.2992302790973969e-5
revised distance squared from orbit of 10 to 26 is at most 9.94961956383504e-6.
distance squared from orbit of 10 to 27 will be revised since for 10 13 27: 7.233817603796804e-11+1.5255923450780328e-5<4.344292823082422e-5
revised distance squared from orbit of 10 to 27 is at most 4.344292823082422e-5.
distance squared from orbit of 10 to 27 will be revised since for 10 18 27: 4.6156634684530394e-7+4.109011660725096e-8<4.344292823082422e-5
revised distance squared from orbit of 10 to 27 is at most 1.7454305707308544e-5.
distance squared from orbit of 10 to 27 will be revised since for 10 25 27: 4.104536210511469e-7+3.534012002070669e-8<1.7454305707308544e-5
revised distance squared from orbit of 10 to 27 is at most 1.7454305707308544e-5.
distance squared from orbit of 10 to 27 will be revised since for 10 26 27: 9.94961956383504e-6+6.826235564332328e-7<1.7454305707308544e-5
revised distance squared from orbit of 10 to 27 is at most 1.7454305707308544e-5.

distance squared from orbit of 11 to 1 will be revised since for 11 12 1: 0.4000000010565354+0.5000000000000222<0.9656654768173633
revised distance squared from orbit of 11 to 1 is at most 0.9656654768173633.
distance squared from orbit of 11 to 1 will be revised since for 11 13 1: 0.16666671778728231+0.6666666666668133<0.9656654768173633
revised distance squared from orbit of 11 to 1 is at most 0.9656654768173633.
distance squared from orbit of 11 to 7 will be revised since for 11 17 7: 9.68401850109104e-7+0.5000000274414701<0.5000022719939625
revised distance squared from orbit of 11 to 7 is at most 0.5000022719939625.
distance squared from orbit of 11 to 7 will be revised since for 11 22 7: 2.0415412651758296e-6+0.5000000000001192<0.5000022719939625
revised distance squared from orbit of 11 to 7 is at most 0.5000009349425689.
distance squared from orbit of 11 to 8 will be revised since for 11 25 8: 2.3583944455157915e-8+0.5000000001644399<0.5000000304567919
revised distance squared from orbit of 11 to 8 is at most 0.5000000304567919.
distance squared from orbit of 11 to 8 will be revised since for 11 27 8: 5.8374675951773705e-9+0.5000000000000453<0.5000000304567919
revised distance squared from orbit of 11 to 8 is at most 0.5000000070730052.
distance squared from orbit of 11 to 9 will be revised since for 11 12 9: 0.4000000010565354+0.2500000000000293<0.7268408485272501
revised distance squared from orbit of 11 to 9 is at most 0.7268408485272501.
distance squared from orbit of 11 to 9 will be revised since for 11 13 9: 0.16666671778728231+0.5000000000001109<0.7268408485272501
revised distance squared from orbit of 11 to 9 is at most 0.7268408485272501.
distance squared from orbit of 11 to 9 will be revised since for 11 23 9: 0.166666677469554+0.5000000000000189<0.7268408485272501
revised distance squared from orbit of 11 to 9 is at most 0.7268408485272501.
distance squared from orbit of 11 to 15 will be revised since for 11 19 15: 0.1428575735359527+0.3333351144403875<0.5000000004650971
revised distance squared from orbit of 11 to 15 is at most 0.5000000004650971.
distance squared from orbit of 11 to 15 will be revised since for 11 26 15: 0.14285714557043194+0.33333333333381737<0.5000000004650971
revised distance squared from orbit of 11 to 15 is at most 0.5000000004650971.
distance squared from orbit of 11 to 21 will be revised since for 11 13 21: 0.16666671778728231+0.20000000139296326<0.40000000320409435
revised distance squared from orbit of 11 to 21 is at most 0.40000000320409435.
distance squared from orbit of 11 to 21 will be revised since for 11 23 21: 0.166666677469554+0.20000000000001478<0.40000000320409435
revised distance squared from orbit of 11 to 21 is at most 0.40000000320409435.
distance squared from orbit of 11 to 22 will be revised since for 11 17 22: 9.68401850109104e-7+4.532257240262915e-7<2.0415412651758296e-6
revised distance squared from orbit of 11 to 22 is at most 2.0415412651758296e-6.
distance squared from orbit of 11 to 24 will be revised since for 11 13 24: 0.16666671778728231+0.2000000666145442<0.4000000120961839
revised distance squared from orbit of 11 to 24 is at most 0.4000000120961839.
distance squared from orbit of 11 to 24 will be revised since for 11 19 24: 0.1428575735359527+0.20000231174953612<0.4000000120961839
revised distance squared from orbit of 11 to 24 is at most 0.4000000120961839.
distance squared from orbit of 11 to 24 will be revised since for 11 21 24: 0.40000000320409435+1.8704434396067724e-9<0.4000000120961839
revised distance squared from orbit of 11 to 24 is at most 0.4000000120961839.
distance squared from orbit of 11 to 24 will be revised since for 11 23 24: 0.166666677469554+0.20000000010320002<0.4000000120961839
revised distance squared from orbit of 11 to 24 is at most 0.4000000120961839.
distance squared from orbit of 11 to 24 will be revised since for 11 26 24: 0.14285714557043194+0.20000000000267865<0.4000000120961839
revised distance squared from orbit of 11 to 24 is at most 0.4000000120961839.
distance squared from orbit of 11 to 24 will be revised since for 11 27 24: 5.8374675951773705e-9+0.4000000000000207<0.4000000120961839
revised distance squared from orbit of 11 to 24 is at most 0.4000000031857789.

distance squared from orbit of 12 to 3 will be revised since for 12 1 3: 0.5000000000000222+7.805776850455649e-12<0.5669872981079116
revised distance squared from orbit of 12 to 3 is at most 0.5669872981079116.
distance squared from orbit of 12 to 6 will be revised since for 12 18 6: 2.3889869873413335e-7+0.3333333333333851<0.33333369953695485
revised distance squared from orbit of 12 to 6 is at most 0.333333371980172.
distance squared from orbit of 12 to 7 will be revised since for 12 1 7: 0.5000000000000222+1.3187990789414354e-6<0.574427077456487
revised distance squared from orbit of 12 to 7 is at most 0.574427077456487.
distance squared from orbit of 12 to 7 will be revised since for 12 2 7: 0.5000000000000526+1.1069157192829281e-5<0.574427077456487
revised distance squared from orbit of 12 to 7 is at most 0.574427077456487.
distance squared from orbit of 12 to 7 will be revised since for 12 3 7: 0.5669872981079116+1.1222367461176276e-5<0.574427077456487
revised distance squared from orbit of 12 to 7 is at most 0.574427077456487.
distance squared from orbit of 12 to 10 will be revised since for 12 4 10: 0.33333333333337867+5.234815624435434e-12<0.394219664142602
revised distance squared from orbit of 12 to 10 is at most 0.394219664142602.
distance squared from orbit of 12 to 11 will be revised since for 12 6 11: 0.333333371980172+7.083323759597627e-8<0.33333359825237874
revised distance squared from orbit of 12 to 11 is at most 0.33333359825237874.
distance squared from orbit of 12 to 11 will be revised since for 12 18 11: 2.3889869873413335e-7+0.3333333333334648<0.33333359825237874
revised distance squared from orbit of 12 to 11 is at most 0.3333333626916896.
distance squared from orbit of 12 to 14 will be revised since for 12 8 14: 0.2500001310520578+2.1432235162653193e-5<0.2500249583120809
revised distance squared from orbit of 12 to 14 is at most 0.2500249583120809.
distance squared from orbit of 12 to 20 will be revised since for 12 18 20: 2.3889869873413335e-7+1.0340022678018923e-5<0.00028268636876854417
revised distance squared from orbit of 12 to 20 is at most 0.00018295509432544855.
distance squared from orbit of 12 to 20 will be revised since for 12 19 20: 4.332661331130642e-5+1.8112216149298326e-7<0.00018295509432544855
revised distance squared from orbit of 12 to 20 is at most 0.00018295509432544855.
distance squared from orbit of 12 to 21 will be revised since for 12 13 21: 0.1666667317070736+0.20000000139296326<0.4000000000000575
revised distance squared from orbit of 12 to 21 is at most 0.4000000000000575.
distance squared from orbit of 12 to 21 will be revised since for 12 23 21: 0.16666666666693666+0.20000000000001478<0.4000000000000575
revised distance squared from orbit of 12 to 21 is at most 0.4000000000000575.
distance squared from orbit of 12 to 22 will be revised since for 12 1 22: 0.5000000000000222+2.463731087313878e-7<0.5000003429545988
revised distance squared from orbit of 12 to 22 is at most 0.5000003429545988.
distance squared from orbit of 12 to 22 will be revised since for 12 6 22: 0.333333371980172+2.6897877106518282e-5<0.5000003429545988
revised distance squared from orbit of 12 to 22 is at most 0.5000003429545988.
distance squared from orbit of 12 to 22 will be revised since for 12 11 22: 0.3333333626916896+2.0415412651758296e-6<0.5000003429545988
revised distance squared from orbit of 12 to 22 is at most 0.5000003429545988.
distance squared from orbit of 12 to 22 will be revised since for 12 17 22: 0.3260770529754658+4.532257240262915e-7<0.5000003429545988
revised distance squared from orbit of 12 to 22 is at most 0.5000003429545988.
distance squared from orbit of 12 to 22 will be revised since for 12 18 22: 2.3889869873413335e-7+0.500000000000104<0.5000003429545988
revised distance squared from orbit of 12 to 22 is at most 0.5000000570133791.
distance squared from orbit of 12 to 24 will be revised since for 12 19 24: 4.332661331130642e-5+0.20000231174953612<0.20058993980318904
revised distance squared from orbit of 12 to 24 is at most 0.20058993980318904.
distance squared from orbit of 12 to 24 will be revised since for 12 26 24: 0.00011187682333367387+0.20000000000267865<0.20058993980318904
revised distance squared from orbit of 12 to 24 is at most 0.20058993980318904.
distance squared from orbit of 12 to 26 will be revised since for 12 19 26: 4.332661331130642e-5+2.612355064867111e-7<0.00011187682333367387
revised distance squared from orbit of 12 to 26 is at most 1.0439505400631396e-5.
distance squared from orbit of 12 to 27 will be revised since for 12 18 27: 2.3889869873413335e-7+4.109011660725096e-8<8.87983969669861e-7
revised distance squared from orbit of 12 to 27 is at most 8.87983969669861e-7.
distance squared from orbit of 12 to 27 will be revised since for 12 25 27: 3.288845820157399e-8+3.534012002070669e-8<8.87983969669861e-7
revised distance squared from orbit of 12 to 27 is at most 3.1428804331177264e-7.

distance squared from orbit of 13 to 7 will be revised since for 13 2 7: 0.5000000000056285+1.1069157192829281e-5<0.5609503356752914
revised distance squared from orbit of 13 to 7 is at most 0.5609503356752914.
distance squared from orbit of 13 to 15 will be revised since for 13 23 15: 2.8547248059946984e-9+0.333333333536027<0.3333334368174438
revised distance squared from orbit of 13 to 15 is at most 0.3333334368174438.
distance squared from orbit of 13 to 20 will be revised since for 13 18 20: 4.982223443887015e-7+1.0340022678018923e-5<0.00033077099973391645
revised distance squared from orbit of 13 to 20 is at most 0.00033077099973391645.
distance squared from orbit of 13 to 20 will be revised since for 13 19 20: 8.547603329365403e-5+1.8112216149298326e-7<0.00033077099973391645
revised distance squared from orbit of 13 to 20 is at most 0.00032767271957215494.
distance squared from orbit of 13 to 22 will be revised since for 13 6 22: 0.3333335900903462+2.6897877106518282e-5<0.5000002532079619
revised distance squared from orbit of 13 to 22 is at most 0.5000002532079619.
distance squared from orbit of 13 to 22 will be revised since for 13 11 22: 0.33333353299084656+2.0415412651758296e-6<0.5000002532079619
revised distance squared from orbit of 13 to 22 is at most 0.5000002532079619.
distance squared from orbit of 13 to 22 will be revised since for 13 17 22: 0.3260771010746663+4.532257240262915e-7<0.5000002532079619
revised distance squared from orbit of 13 to 22 is at most 0.5000002532079619.
distance squared from orbit of 13 to 24 will be revised since for 13 21 24: 0.20000000139296326+1.8704434396067724e-9<0.2000000666145442
revised distance squared from orbit of 13 to 24 is at most 0.2000000666145442.
distance squared from orbit of 13 to 24 will be revised since for 13 23 24: 2.8547248059946984e-9+0.20000000010320002<0.2000000666145442
revised distance squared from orbit of 13 to 24 is at most 0.2000000666145442.
distance squared from orbit of 13 to 27 will be revised since for 13 18 27: 4.982223443887015e-7+4.109011660725096e-8<1.5255923450780328e-5
revised distance squared from orbit of 13 to 27 is at most 2.2475681169524206e-6.
distance squared from orbit of 13 to 27 will be revised since for 13 25 27: 4.105964711556116e-7+3.534012002070669e-8<2.2475681169524206e-6
revised distance squared from orbit of 13 to 27 is at most 2.2475681169524206e-6.

distance squared from orbit of 14 to 1 will be revised since for 14 12 1: 0.40000008901306305+0.5000000000000222<0.9656654931288748
revised distance squared from orbit of 14 to 1 is at most 0.9656654931288748.
distance squared from orbit of 14 to 1 will be revised since for 14 13 1: 0.16666667890877537+0.6666666666668133<0.9656654931288748
revised distance squared from orbit of 14 to 1 is at most 0.9656654931288748.
distance squared from orbit of 14 to 7 will be revised since for 14 2 7: 0.5000000280227+1.1069157192829281e-5<0.6054644909187415
revised distance squared from orbit of 14 to 7 is at most 0.6054644909187415.
distance squared from orbit of 14 to 8 will be revised since for 14 19 8: 1.8151616060839324e-7+0.4865189640512295<0.48652168448562644
revised distance squared from orbit of 14 to 8 is at most 0.48652168448562644.
distance squared from orbit of 14 to 9 will be revised since for 14 12 9: 0.40000008901306305+0.2500000000000293<0.726840811216165
revised distance squared from orbit of 14 to 9 is at most 0.726840811216165.
distance squared from orbit of 14 to 9 will be revised since for 14 13 9: 0.16666667890877537+0.5000000000001109<0.726840811216165
revised distance squared from orbit of 14 to 9 is at most 0.726840811216165.
distance squared from orbit of 14 to 9 will be revised since for 14 23 9: 0.16666673351071712+0.5000000000000189<0.726840811216165
revised distance squared from orbit of 14 to 9 is at most 0.726840811216165.
distance squared from orbit of 14 to 15 will be revised since for 14 26 15: 3.414246390164187e-7+0.33333333333381737<0.3333339261370917
revised distance squared from orbit of 14 to 15 is at most 0.3333339261370917.
distance squared from orbit of 14 to 16 will be revised since for 14 6 16: 0.33333345048235136+0.40000959596381636<0.800000000000152
revised distance squared from orbit of 14 to 16 is at most 0.800000000000152.
distance squared from orbit of 14 to 16 will be revised since for 14 11 16: 0.3333334332059733+0.4000000036172602<0.800000000000152
revised distance squared from orbit of 14 to 16 is at most 0.800000000000152.
distance squared from orbit of 14 to 16 will be revised since for 14 17 16: 0.3260772897337687+0.4000000010856813<0.800000000000152
revised distance squared from orbit of 14 to 16 is at most 0.800000000000152.
distance squared from orbit of 14 to 20 will be revised since for 14 19 20: 1.8151616060839324e-7+1.8112216149298326e-7<8.671092520614462e-7
revised distance squared from orbit of 14 to 20 is at most 3.253530232863636e-7.
distance squared from orbit of 14 to 21 will be revised since for 14 13 21: 0.16666667890877537+0.20000000139296326<0.40000003536929435
revised distance squared from orbit of 14 to 21 is at most 0.40000003536929435.
distance squared from orbit of 14 to 21 will be revised since for 14 23 21: 0.16666673351071712+0.20000000000001478<0.40000003536929435
revised distance squared from orbit of 14 to 21 is at most 0.40000003536929435.
distance squared from orbit of 14 to 21 will be revised since for 14 25 21: 2.7580270468549112e-8+0.40000000000002134<0.40000003536929435
revised distance squared from orbit of 14 to 21 is at most 0.4000000086731715.
distance squared from orbit of 14 to 22 will be revised since for 14 6 22: 0.33333345048235136+2.6897877106518282e-5<0.500000034906428
revised distance squared from orbit of 14 to 22 is at most 0.500000034906428.
distance squared from orbit of 14 to 22 will be revised since for 14 11 22: 0.3333334332059733+2.0415412651758296e-6<0.500000034906428
revised distance squared from orbit of 14 to 22 is at most 0.500000034906428.
distance squared from orbit of 14 to 22 will be revised since for 14 17 22: 0.3260772897337687+4.532257240262915e-7<0.500000034906428
revised distance squared from orbit of 14 to 22 is at most 0.500000034906428.
distance squared from orbit of 14 to 23 will be revised since for 14 13 23: 0.16666667890877537+2.8547248059946984e-9<0.16666673351071712
revised distance squared from orbit of 14 to 23 is at most 0.16666673351071712.
distance squared from orbit of 14 to 23 will be revised since for 14 25 23: 2.7580270468549112e-8+0.16666666666667862<0.16666673351071712
revised distance squared from orbit of 14 to 23 is at most 0.16666667695485324.

distance squared from orbit of 15 to 1 will be revised since for 15 8 1: 0.2500000000002711+0.5000000000000856<0.8964466094928326
revised distance squared from orbit of 15 to 1 is at most 0.8964466094928326.
distance squared from orbit of 15 to 2 will be revised since for 15 8 2: 0.2500000000002711+0.5000000108800544<0.7692257017757711
revised distance squared from orbit of 15 to 2 is at most 0.7692257017757711.
distance squared from orbit of 15 to 2 will be revised since for 15 14 2: 0.25003096158989113+0.5000000280227<0.7692257017757711
revised distance squared from orbit of 15 to 2 is at most 0.7692257017757711.
distance squared from orbit of 15 to 4 will be revised since for 15 8 4: 0.2500000000002711+0.33333333333335075<0.666666666666749
revised distance squared from orbit of 15 to 4 is at most 0.666666666666749.
distance squared from orbit of 15 to 7 will be revised since for 15 3 7: 0.6473671297244358+1.1222367461176276e-5<0.6606500537073193
revised distance squared from orbit of 15 to 7 is at most 0.6606500537073193.
distance squared from orbit of 15 to 10 will be revised since for 15 4 10: 0.666666666666749+5.234815624435434e-12<0.7113248654052632
revised distance squared from orbit of 15 to 10 is at most 0.7113248654052632.
distance squared from orbit of 15 to 10 will be revised since for 15 8 10: 0.2500000000002711+0.39421966414260984<0.7113248654052632
revised distance squared from orbit of 15 to 10 is at most 0.7113248654052632.
distance squared from orbit of 15 to 10 will be revised since for 15 14 10: 0.25003096158989113+0.4607847322843414<0.7113248654052632
revised distance squared from orbit of 15 to 10 is at most 0.7113248654052632.
distance squared from orbit of 15 to 13 will be revised since for 15 8 13: 0.2500000000002711+0.16666667835649912<0.5929535825587424
revised distance squared from orbit of 15 to 13 is at most 0.5929535825587424.
distance squared from orbit of 15 to 13 will be revised since for 15 9 13: 0.5000000000000145+3.1632085539932494e-7<0.5929535825587424
revised distance squared from orbit of 15 to 13 is at most 0.5929535825587424.
distance squared from orbit of 15 to 13 will be revised since for 15 12 13: 0.40000000000028285+0.1666667317070736<0.5929535825587424
revised distance squared from orbit of 15 to 13 is at most 0.5929535825587424.
distance squared from orbit of 15 to 13 will be revised since for 15 14 13: 0.25003096158989113+0.16666667890877537<0.5929535825587424
revised distance squared from orbit of 15 to 13 is at most 0.5929535825587424.
distance squared from orbit of 15 to 14 will be revised since for 15 8 14: 0.2500000000002711+2.1432235162653193e-5<0.25003096158989113
revised distance squared from orbit of 15 to 14 is at most 0.25003096158989113.
distance squared from orbit of 15 to 16 will be revised since for 15 17 16: 0.4149976165047326+0.4000000010856813<0.8534387353709587
revised distance squared from orbit of 15 to 16 is at most 0.8534387353709587.
distance squared from orbit of 15 to 18 will be revised since for 15 8 18: 0.2500000000002711+9.329262937935668e-8<0.48384604060668723
revised distance squared from orbit of 15 to 18 is at most 0.48384604060668723.
distance squared from orbit of 15 to 18 will be revised since for 15 11 18: 0.4587342867839139+5.399713188097772e-8<0.48384604060668723
revised distance squared from orbit of 15 to 18 is at most 0.48384604060668723.
distance squared from orbit of 15 to 18 will be revised since for 15 12 18: 0.40000000000028285+2.3889869873413335e-7<0.48384604060668723
revised distance squared from orbit of 15 to 18 is at most 0.48384604060668723.
distance squared from orbit of 15 to 18 will be revised since for 15 14 18: 0.25003096158989113+6.385757853854215e-7<0.48384604060668723
revised distance squared from orbit of 15 to 18 is at most 0.48384604060668723.
distance squared from orbit of 15 to 22 will be revised since for 15 3 22: 0.6473671297244358+2.5828633625457918e-6<0.6752405698714656
revised distance squared from orbit of 15 to 22 is at most 0.6752405698714656.
distance squared from orbit of 15 to 22 will be revised since for 15 6 22: 0.500000218791593+2.6897877106518282e-5<0.6752405698714656
revised distance squared from orbit of 15 to 22 is at most 0.6752405698714656.
distance squared from orbit of 15 to 22 will be revised since for 15 7 22: 0.6606500537073193+8.237002389511424e-8<0.6752405698714656
revised distance squared from orbit of 15 to 22 is at most 0.6752405698714656.
distance squared from orbit of 15 to 22 will be revised since for 15 11 22: 0.4587342867839139+2.0415412651758296e-6<0.6752405698714656
revised distance squared from orbit of 15 to 22 is at most 0.6752405698714656.
distance squared from orbit of 15 to 22 will be revised since for 15 17 22: 0.4149976165047326+4.532257240262915e-7<0.6752405698714656
revised distance squared from orbit of 15 to 22 is at most 0.6752405698714656.
distance squared from orbit of 15 to 25 will be revised since for 15 20 25: 3.82322577213619e-7+1.3805146185223954e-8<1.789803145677555e-6
revised distance squared from orbit of 15 to 25 is at most 1.789803145677555e-6.

distance squared from orbit of 16 to 4 will be revised since for 16 3 4: 0.5000000000000384+0.3333333333498546<0.8888888888890311
revised distance squared from orbit of 16 to 4 is at most 0.8888888888890311.
distance squared from orbit of 16 to 4 will be revised since for 16 8 4: 0.5000000000002398+0.33333333333335075<0.8888888888890311
revised distance squared from orbit of 16 to 4 is at most 0.8888888888890311.
distance squared from orbit of 16 to 6 will be revised since for 16 2 6: 0.6000000000012072+1.4932804943220126e-5<0.6666667998910412
revised distance squared from orbit of 16 to 6 is at most 0.6666667998910412.
distance squared from orbit of 16 to 6 will be revised since for 16 5 6: 0.33333333333743037+0.16667342332178406<0.6666667998910412
revised distance squared from orbit of 16 to 6 is at most 0.6666667998910412.
distance squared from orbit of 16 to 6 will be revised since for 16 11 6: 0.37500047138930864+0.16666666666674113<0.6666667998910412
revised distance squared from orbit of 16 to 6 is at most 0.6666667998910412.
distance squared from orbit of 16 to 9 will be revised since for 16 2 9: 0.6000000000012072+0.250000001518603<0.9375000000026696
revised distance squared from orbit of 16 to 9 is at most 0.9375000000026696.
distance squared from orbit of 16 to 9 will be revised since for 16 3 9: 0.5000000000000384+0.25000000003904743<0.9375000000026696
revised distance squared from orbit of 16 to 9 is at most 0.9375000000026696.
distance squared from orbit of 16 to 9 will be revised since for 16 5 9: 0.33333333333743037+0.5000000000001434<0.9375000000026696
revised distance squared from orbit of 16 to 9 is at most 0.9375000000026696.
distance squared from orbit of 16 to 9 will be revised since for 16 8 9: 0.5000000000002398+0.25000000000004585<0.9375000000026696
revised distance squared from orbit of 16 to 9 is at most 0.9375000000026696.
distance squared from orbit of 16 to 9 will be revised since for 16 12 9: 0.6000000000064633+0.2500000000000293<0.9375000000026696
revised distance squared from orbit of 16 to 9 is at most 0.9375000000026696.
distance squared from orbit of 16 to 10 will be revised since for 16 3 10: 0.5000000000000384+0.3942196641946166<0.9239074288061877
revised distance squared from orbit of 16 to 10 is at most 0.9239074288061877.
distance squared from orbit of 16 to 10 will be revised since for 16 4 10: 0.8888888888890311+5.234815624435434e-12<0.9239074288061877
revised distance squared from orbit of 16 to 10 is at most 0.9239074288061877.
distance squared from orbit of 16 to 10 will be revised since for 16 5 10: 0.33333333333743037+0.46078524125136644<0.9239074288061877
revised distance squared from orbit of 16 to 10 is at most 0.9239074288061877.
distance squared from orbit of 16 to 10 will be revised since for 16 8 10: 0.5000000000002398+0.39421966414260984<0.9239074288061877
revised distance squared from orbit of 16 to 10 is at most 0.9239074288061877.
distance squared from orbit of 16 to 10 will be revised since for 16 11 10: 0.37500047138930864+0.4607847283463777<0.9239074288061877
revised distance squared from orbit of 16 to 10 is at most 0.9239074288061877.
distance squared from orbit of 16 to 11 will be revised since for 16 5 11: 0.33333333333743037+1.060564274287302e-5<0.37500047138930864
revised distance squared from orbit of 16 to 11 is at most 0.37500047138930864.
distance squared from orbit of 16 to 11 will be revised since for 16 22 11: 4.4020751687599553e-7+0.3750000000000357<0.37500047138930864
revised distance squared from orbit of 16 to 11 is at most 0.3750001188785049.
distance squared from orbit of 16 to 13 will be revised since for 16 5 13: 0.33333333333743037+0.16666725516526026<0.6666666666691661
revised distance squared from orbit of 16 to 13 is at most 0.6666666666691661.
distance squared from orbit of 16 to 13 will be revised since for 16 11 13: 0.3750001188785049+0.16666671778728231<0.6666666666691661
revised distance squared from orbit of 16 to 13 is at most 0.6666666666691661.
distance squared from orbit of 16 to 14 will be revised since for 16 3 14: 0.5000000000000384+2.1396323673348188e-5<0.5529582073577366
revised distance squared from orbit of 16 to 14 is at most 0.5529582073577366.
distance squared from orbit of 16 to 14 will be revised since for 16 7 14: 0.5000001108490579+6.455847406885758e-6<0.5529582073577366
revised distance squared from orbit of 16 to 14 is at most 0.5529582073577366.
distance squared from orbit of 16 to 14 will be revised since for 16 8 14: 0.5000000000002398+2.1432235162653193e-5<0.5529582073577366
revised distance squared from orbit of 16 to 14 is at most 0.5529582073577366.
distance squared from orbit of 16 to 15 will be revised since for 16 26 15: 0.14285717961628983+0.33333333333381737<0.5660880769416338
revised distance squared from orbit of 16 to 15 is at most 0.5660880769416338.
distance squared from orbit of 16 to 18 will be revised since for 16 2 18: 0.6000000000012072+1.1609360244676677e-7<0.7142857142865391
revised distance squared from orbit of 16 to 18 is at most 0.7142857142865391.
distance squared from orbit of 16 to 18 will be revised since for 16 3 18: 0.5000000000000384+9.377062352945444e-8<0.7142857142865391
revised distance squared from orbit of 16 to 18 is at most 0.7142857142865391.
distance squared from orbit of 16 to 18 will be revised since for 16 5 18: 0.33333333333743037+6.426445213062951e-7<0.7142857142865391
revised distance squared from orbit of 16 to 18 is at most 0.7142857142865391.
distance squared from orbit of 16 to 18 will be revised since for 16 6 18: 0.6666667998910412+7.769022529946462e-9<0.7142857142865391
revised distance squared from orbit of 16 to 18 is at most 0.7142857142865391.
distance squared from orbit of 16 to 18 will be revised since for 16 7 18: 0.5000001108490579+0.0040463009733342084<0.7142857142865391
revised distance squared from orbit of 16 to 18 is at most 0.7142857142865391.
distance squared from orbit of 16 to 18 will be revised since for 16 8 18: 0.5000000000002398+9.329262937935668e-8<0.7142857142865391
revised distance squared from orbit of 16 to 18 is at most 0.7142857142865391.
distance squared from orbit of 16 to 18 will be revised since for 16 11 18: 0.3750001188785049+5.399713188097772e-8<0.7142857142865391
revised distance squared from orbit of 16 to 18 is at most 0.7142857142865391.
distance squared from orbit of 16 to 18 will be revised since for 16 12 18: 0.6000000000064633+2.3889869873413335e-7<0.7142857142865391
revised distance squared from orbit of 16 to 18 is at most 0.7142857142865391.
distance squared from orbit of 16 to 18 will be revised since for 16 13 18: 0.6666666666691661+4.982223443887015e-7<0.7142857142865391
revised distance squared from orbit of 16 to 18 is at most 0.7142857142865391.
distance squared from orbit of 16 to 18 will be revised since for 16 14 18: 0.5529582073577366+6.385757853854215e-7<0.7142857142865391
revised distance squared from orbit of 16 to 18 is at most 0.7142857142865391.
distance squared from orbit of 16 to 21 will be revised since for 16 5 21: 0.33333333333743037+0.40000021010304565<0.8540207561978264
revised distance squared from orbit of 16 to 21 is at most 0.8540207561978264.
distance squared from orbit of 16 to 21 will be revised since for 16 11 21: 0.3750001188785049+0.40000000320409435<0.8540207561978264
revised distance squared from orbit of 16 to 21 is at most 0.8540207561978264.
distance squared from orbit of 16 to 21 will be revised since for 16 15 21: 0.5660880769416338+0.20000000000006235<0.8540207561978264
revised distance squared from orbit of 16 to 21 is at most 0.8540207561978264.
distance squared from orbit of 16 to 21 will be revised since for 16 17 21: 0.333333468643318+0.40000018780235763<0.8540207561978264
revised distance squared from orbit of 16 to 21 is at most 0.8540207561978264.
distance squared from orbit of 16 to 21 will be revised since for 16 19 21: 0.40970296308438264+0.40000001376112604<0.8540207561978264
revised distance squared from orbit of 16 to 21 is at most 0.8540207561978264.
distance squared from orbit of 16 to 21 will be revised since for 16 20 21: 0.3333334186510599+0.40000000896464255<0.8540207561978264
revised distance squared from orbit of 16 to 21 is at most 0.8540207561978264.
distance squared from orbit of 16 to 21 will be revised since for 16 26 21: 0.14285717961628983+0.7000000000042998<0.8540207561978264
revised distance squared from orbit of 16 to 21 is at most 0.8540207561978264.
distance squared from orbit of 16 to 23 will be revised since for 16 5 23: 0.33333333333743037+0.1666674394016003<0.6666666666668132
revised distance squared from orbit of 16 to 23 is at most 0.6666666666668132.
distance squared from orbit of 16 to 23 will be revised since for 16 11 23: 0.3750001188785049+0.166666677469554<0.6666666666668132
revised distance squared from orbit of 16 to 23 is at most 0.6666666666668132.
distance squared from orbit of 16 to 23 will be revised since for 16 17 23: 0.333333468643318+0.16666697262058824<0.6666666666668132
revised distance squared from orbit of 16 to 23 is at most 0.6666666666668132.
distance squared from orbit of 16 to 23 will be revised since for 16 19 23: 0.40970296308438264+0.16666667755124626<0.6666666666668132
revised distance squared from orbit of 16 to 23 is at most 0.6666666666668132.
distance squared from orbit of 16 to 23 will be revised since for 16 20 23: 0.3333334186510599+0.1666666767956503<0.6666666666668132
revised distance squared from orbit of 16 to 23 is at most 0.6666666666668132.
distance squared from orbit of 16 to 24 will be revised since for 16 26 24: 0.14285717961628983+0.20000000000267865<0.39726443732950906
revised distance squared from orbit of 16 to 24 is at most 0.39726443732950906.
distance squared from orbit of 16 to 25 will be revised since for 16 5 25: 0.33333333333743037+6.773238319890981e-6<0.5000008152119811
revised distance squared from orbit of 16 to 25 is at most 0.5000008152119811.
distance squared from orbit of 16 to 25 will be revised since for 16 8 25: 0.5000000000002398+2.373861637224211e-8<0.5000008152119811
revised distance squared from orbit of 16 to 25 is at most 0.5000008152119811.
distance squared from orbit of 16 to 25 will be revised since for 16 11 25: 0.3750001188785049+2.3583944455157915e-8<0.5000008152119811
revised distance squared from orbit of 16 to 25 is at most 0.5000008152119811.
distance squared from orbit of 16 to 25 will be revised since for 16 17 25: 0.333333468643318+2.800372403173916e-7<0.5000008152119811
revised distance squared from orbit of 16 to 25 is at most 0.5000008152119811.
distance squared from orbit of 16 to 25 will be revised since for 16 19 25: 0.40970296308438264+1.8591794567560173e-7<0.5000008152119811
revised distance squared from orbit of 16 to 25 is at most 0.5000008152119811.
distance squared from orbit of 16 to 25 will be revised since for 16 20 25: 0.3333334186510599+1.3805146185223954e-8<0.5000008152119811
revised distance squared from orbit of 16 to 25 is at most 0.5000008152119811.
distance squared from orbit of 16 to 27 will be revised since for 16 22 27: 4.4020751687599553e-7+6.921003390484941e-7<2.321008601784854e-6
revised distance squared from orbit of 16 to 27 is at most 1.7588044830982163e-6.

distance squared from orbit of 17 to 2 will be revised since for 17 11 2: 0.20833333333342846+0.5000000246784221<0.807549910270205
revised distance squared from orbit of 17 to 2 is at most 0.807549910270205.
distance squared from orbit of 17 to 3 will be revised since for 17 11 3: 0.20833333333342846+0.6666667175118205<0.9078048539038761
revised distance squared from orbit of 17 to 3 is at most 0.9078048539038761.
distance squared from orbit of 17 to 3 will be revised since for 17 16 3: 0.4000000010856813+0.5000000000000384<0.9078048539038761
revised distance squared from orbit of 17 to 3 is at most 0.9078048539038761.
distance squared from orbit of 17 to 9 will be revised since for 17 8 9: 0.5000000134914658+0.25000000000004585<0.7500001553091378
revised distance squared from orbit of 17 to 9 is at most 0.7500001553091378.
distance squared from orbit of 17 to 9 will be revised since for 17 23 9: 0.16666697262058824+0.5000000000000189<0.7500001553091378
revised distance squared from orbit of 17 to 9 is at most 0.7500001553091378.
distance squared from orbit of 17 to 10 will be revised since for 17 4 10: 0.6666669206617324+5.234815624435434e-12<0.7275539835973349
revised distance squared from orbit of 17 to 10 is at most 0.7275539835973349.
distance squared from orbit of 17 to 10 will be revised since for 17 11 10: 0.20833333333342846+0.4607847283463777<0.7275539835973349
revised distance squared from orbit of 17 to 10 is at most 0.7275539835973349.
distance squared from orbit of 17 to 10 will be revised since for 17 25 10: 2.800372403173916e-7+0.727552997475871<0.7275539835973349
revised distance squared from orbit of 17 to 10 is at most 0.7275530911673704.
distance squared from orbit of 17 to 12 will be revised since for 17 25 12: 2.800372403173916e-7+0.500000000000048<0.5000004847257982
revised distance squared from orbit of 17 to 12 is at most 0.5000002402885301.
distance squared from orbit of 17 to 13 will be revised since for 17 6 13: 0.3333333333335324+0.16666667614055578<0.5833333333335727
revised distance squared from orbit of 17 to 13 is at most 0.5833333333335727.
distance squared from orbit of 17 to 13 will be revised since for 17 11 13: 0.20833333333342846+0.16666671778728231<0.5833333333335727
revised distance squared from orbit of 17 to 13 is at most 0.5833333333335727.
distance squared from orbit of 17 to 13 will be revised since for 17 14 13: 0.35358904945503555+0.16666667890877537<0.5833333333335727
revised distance squared from orbit of 17 to 13 is at most 0.5833333333335727.
distance squared from orbit of 17 to 15 will be revised since for 17 19 15: 0.14286200432487628+0.3333351144403875<0.5833334002971672
revised distance squared from orbit of 17 to 15 is at most 0.5833334002971672.
distance squared from orbit of 17 to 15 will be revised since for 17 23 15: 0.16666697262058824+0.333333333536027<0.5833334002971672
revised distance squared from orbit of 17 to 15 is at most 0.5833334002971672.
distance squared from orbit of 17 to 15 will be revised since for 17 26 15: 0.14285723990689905+0.33333333333381737<0.5833334002971672
revised distance squared from orbit of 17 to 15 is at most 0.5833333500418849.
distance squared from orbit of 17 to 18 will be revised since for 17 6 18: 0.3333333333335324+7.769022529946462e-9<0.41666666666687474
revised distance squared from orbit of 17 to 18 is at most 0.41666666666687474.
distance squared from orbit of 17 to 18 will be revised since for 17 11 18: 0.20833333333342846+5.399713188097772e-8<0.41666666666687474
revised distance squared from orbit of 17 to 18 is at most 0.41666666666687474.
distance squared from orbit of 17 to 18 will be revised since for 17 14 18: 0.35358904945503555+6.385757853854215e-7<0.41666666666687474
revised distance squared from orbit of 17 to 18 is at most 0.41666666666687474.
distance squared from orbit of 17 to 19 will be revised since for 17 20 19: 2.696387494458071e-6+0.14285714285737597<0.14286200432487628
revised distance squared from orbit of 17 to 19 is at most 0.14285789152967338.
distance squared from orbit of 17 to 21 will be revised since for 17 23 21: 0.16666697262058824+0.20000000000001478<0.40000018780235763
revised distance squared from orbit of 17 to 21 is at most 0.40000018780235763.
distance squared from orbit of 17 to 23 will be revised since for 17 25 23: 2.800372403173916e-7+0.16666666666667862<0.16666697262058824
revised distance squared from orbit of 17 to 23 is at most 0.16666677081721534.
distance squared from orbit of 17 to 24 will be revised since for 17 19 24: 0.14285789152967338+0.20000231174953612<0.4000000672297623
revised distance squared from orbit of 17 to 24 is at most 0.4000000672297623.
distance squared from orbit of 17 to 24 will be revised since for 17 23 24: 0.16666677081721534+0.20000000010320002<0.4000000672297623
revised distance squared from orbit of 17 to 24 is at most 0.4000000512701241.
distance squared from orbit of 17 to 24 will be revised since for 17 26 24: 0.14285723990689905+0.20000000000267865<0.4000000512701241
revised distance squared from orbit of 17 to 24 is at most 0.4000000147397816.

distance squared from orbit of 18 to 1 will be revised since for 18 12 1: 0.40000000000013763+0.5000000000000222<0.9656654756058254
revised distance squared from orbit of 18 to 1 is at most 0.9656654756058254.
distance squared from orbit of 18 to 1 will be revised since for 18 13 1: 0.16666666666682453+0.6666666666668133<0.9656654756058254
revised distance squared from orbit of 18 to 1 is at most 0.9656654756058254.
distance squared from orbit of 18 to 7 will be revised since for 18 2 7: 0.5000000000001644+1.1069157192829281e-5<0.6054643041586888
revised distance squared from orbit of 18 to 7 is at most 0.6054643041586888.
distance squared from orbit of 18 to 8 will be revised since for 18 25 8: 2.2218616339020502e-8+0.5000000001644399<0.5000006794797461
revised distance squared from orbit of 18 to 8 is at most 0.5000004801088632.
distance squared from orbit of 18 to 8 will be revised since for 18 27 8: 4.109011660725096e-8+0.5000000000000453<0.5000004801088632
revised distance squared from orbit of 18 to 8 is at most 0.5000000358242662.
distance squared from orbit of 18 to 9 will be revised since for 18 12 9: 0.40000000000013763+0.2500000000000293<0.7268408058052478
revised distance squared from orbit of 18 to 9 is at most 0.7268408058052478.
distance squared from orbit of 18 to 9 will be revised since for 18 13 9: 0.16666666666682453+0.5000000000001109<0.7268408058052478
revised distance squared from orbit of 18 to 9 is at most 0.7268408058052478.
distance squared from orbit of 18 to 9 will be revised since for 18 23 9: 0.16666666960210222+0.5000000000000189<0.7268408058052478
revised distance squared from orbit of 18 to 9 is at most 0.7268408058052478.
distance squared from orbit of 18 to 15 will be revised since for 18 19 15: 0.1428602294176253+0.3333351144403875<0.500000000000154
revised distance squared from orbit of 18 to 15 is at most 0.500000000000154.
dista