Trivariate t-copula

Coding of multivariate t-copula

THis code shows how to fit a trivariate t-copula and simulate it

In [1]:
import math 
import numpy as np
import scipy as sp
import bokeh as bk
import scipy.optimize as opt
import matplotlib.pyplot as plt
import scipy.stats as stats
import seaborn as sns
import xlwt
from bokeh.plotting import figure, output_file, show

The loglikelihood of a 3D time-varying t-copula

In [2]:
def tCopula_3D_TVP_LL(theta,U,exog12,exog13,exog23,exogNU):
    '''Returns -ve LL of the 3-dimension Student R copula''' 
    T,N = U.shape
    
    k12 = exog12.shape[1]
    k13 = exog13.shape[1]
    k23 = exog23.shape[1]
    kNU = exogNU.shape[1]
    
    beta12 = theta[:k12]
    beta13 = theta[k12:k12+k13]
    beta23 = theta[k12+k13:k12+k13+k23]
    betaNU = theta[k12+k13+k23:]
    
    NUt = 2+np.exp(np.dot(exogNU,betaNU))
    rho12 = -1+2/(1+np.exp(np.dot(-exog12,beta12)))
    rho13 = -1+2/(1+np.exp(np.dot(-exog13,beta13)))
    rho23 = -1+2/(1+np.exp(np.dot(-exog23,beta23)))
    
    RHOt = np.empty((3,3,T))
    counter = 0
    for tt in np.arange(T):
#        allRHOt = np.concatenate((rho12[:tt],rho13[:tt],rho23[:tt]),axis=0)
        allRHOt = np.vstack((rho12[tt],rho13[tt],rho23[tt]))
        RHOt[:,:,tt] = theta2rho(allRHOt)
        if is_pos_def(RHOt[:,:,tt])== 0:
            counter = counter+1;
            
    if counter > 0:
        LL=1e7
    else:
        trmU = np.empty((T,N))
        LLa = np.empty((T,1))
        
        for tt in np.arange(T):
            NU = NUt[tt]
            
            if NU < 100:
                trmU[tt,:] = stats.t.ppf(U[tt,:],NU)
            else:
                trmU[tt,:] = stats.norm.ppf(U[tt,:])
    
            allRHOt = np.vstack((rho12[tt],rho13[tt],rho23[tt]))
            RHO = theta2rho(allRHOt)
            
            LLa[tt] = math.lgamma((NU+N)/2) + (N-1)*math.lgamma(NU/2)-N*math.lgamma((NU+1)/2)-0.5*math.log(np.linalg.det(RHO))
            t1 = trmU[tt,:].dot(np.linalg.inv(RHO)).dot(trmU[tt,:])
            #np.reduce(np.dot,[trmU[tt,:],np.linalg.inv(RHO),trmU[tt,:]]) 
            # Equiv. to t0 =                        
            LLa[tt] = LLa[tt] - ((NU+N)/2)*np.log(1+t1/NU)    
            LLa[tt] = LLa[tt] + ((NU+1)/2)*sum(np.log(1+(trmU[tt,:]**2/NU)))
        LL = -sum(LLa)
        print(LL)
        return LL
        #return LL,rho12,rho13,rho23,NUt

Produce M samples of d-dimensional multivariate t distribution Input: mu = mean (d dimensional numpy array or scalar) Sigma = scale matrix (dxd numpy array) df = degrees of freedom N = # of samples to produce

In [3]:
def multivariatet(mu,Sigma,df,N):

   dim = len(Sigma)
   g = np.tile(np.random.gamma(df/2.,2./df,M),(dim,1)).T
   Z = np.random.multivariate_normal(np.zeros(dim),Sigma,N)
   return mu + Z/np.sqrt(g)

Multivariate t-student density: output: the density of the given element input: x = parameter (d dimensional numpy array or scalar) mu = mean (d dimensional numpy array or scalar) Sigma = scale matrix (dxd numpy array) df = degrees of freedom d: dimension

In [4]:
def multivariate_t_distribution(x,mu,Sigma,df):
   d = len(Sigma)
   Num = gamma(1. * (d+df)/2)
   Denom = ( gamma(1.*df/2) * pow(df*pi,1.*d/2) * pow(np.linalg.det(Sigma),1./2) * pow(1 + (1./df)*np.dot(np.dot((x - mu),np.linalg.inv(Sigma)), (x - mu)),1.* (d+df)/2))
   d = 1. * Num / Denom 
   return d

Check if a matrix is positive and definite output: 1 (or 0) if the matrix is positive and definite input: x = the matrix (d dimensional numpy array)

In [5]:
def is_pos_def(x):
    
    return np.all(np.linalg.eigvals(x) > 0)

The code below converds code from Kendall's tau to Pearson's correlation

In [6]:
def theta2rho(theta):
    m = len(theta)
    k = int((1+np.sqrt(1+8*m))/2)
    
    out1 = np.empty((k,k))
    counter=0
    for ii in np.arange(k):
        for jj in np.arange(ii,k):
            if ii==jj:
                out1[ii,jj]=1
            else:
                out1[ii,jj]=theta[counter]
                out1[jj,ii]=theta[counter]
                counter = counter+1
    return out1

The code is to generate random variables from a multivaraite t-distribution

In [7]:
def mvtrnd(C,df,cases):
    (m,n) = C.shape
    s = np.diag(C)
    s_not_1 = s != 1
    if any(s_not_1):
        C = C/np.sqrt(s*s.T)
    T = np.linalg.cholesky(C)
        
    r = np.dot(np.random.randn(cases,len(T)),T)
    x = np.sqrt(np.random.gamma(df/2,2,cases)/df)
    r = r/x    # No need the ./x(:,ones(n,1)) as Python does elem by elem operations
    return r
 

The code is to generate random variables based on a t-copula with the degrees of freedom and the VCV Generates random vectors froma t-copula output: u = random vectors (NxP matrix). Each column of u is a sample from a Uniiform(0,1) marginal distribution input: Rho = PxP llinear correlation matrix nu = degrees of freedom n = N random vectors

In [8]:
def tCop_rnd(Rho,nu,n):
    mvtVar = mvtrnd(Rho,nu,n)
    u = stats.t.cdf(mvtVar,nu)
    return u

The below is the script to generate the tri-variate copula, and then estimate the parameters of the model

In [9]:
if  __name__=="__main__":
    #%% Time-varying trivariate t-Copula (Simulation)
    np.random.seed(10)
    T = 1000
    x1 = np.ones([T,1])
    x2 = np.reshape(0.7*sp.sin((np.arange(1,T+1)/100)),(T,1))
    x3 = np.reshape(0.7*sp.cos((np.arange(1,T+1)/200)),(T,1))
    x4 = np.reshape(0.7*sp.sin((np.arange(1,T+1)/50)),(T,1))
    x5 = np.reshape(0.1*sp.cos((np.arange(1,T+1)/50)),(T,1))
    x = np.arange(1,T+1)

    fig1, ax1 = plt.subplots(1,1)
    ax1.plot(x,x2,x,x3,x,x4,x,x5)
    ax1.set_title('Co-variates')
    ax1.set_xlabel('x Numbers')
    ax1.set_ylabel('y Numbers')

    beta12 = np.array([[0.5],[-1]])
    beta13 = np.array([[1],[-0.5]])
    beta23 = np.array([[1],[0.5]])
    betaNU = np.array([[2],[5]])
    
    exog12 = np.concatenate((x1,x2),axis=1)
    exog13 = np.concatenate((x1,x3),axis=1)
    exog23 = np.concatenate((x1,x4),axis=1)
    exogNU = np.concatenate((x1,x5),axis=1)
    
    rho12 = -1+2/(1+np.exp(np.dot(-exog12,beta12)))
    rho13 = -1+2/(1+np.exp(np.dot(-exog13,beta13)))
    rho23 = -1+2/(1+np.exp(np.dot(-exog23,beta23)))
    NUt = 2+np.exp(np.dot(exogNU,betaNU))
        
    fig2 = plt.figure()
    ax1 = fig2.add_subplot(111)
    ax1.plot(x,rho12,label='rho12')
    ax1.plot(x,rho13,label='rho13')
    ax1.plot(x,rho23,label='rho23')
    ax1.plot(x,NUt,label='NUt')
    plt.title('Information Variables')
    plt.xlabel('x Numbers')
    plt.ylabel('y Numbers')
    plt.legend()

    RHOt = np.empty((3,3,T))
    for tt in np.arange(T):
        allRHOt = np.vstack((rho12[tt],rho13[tt],rho23[tt]))
        RHOt[:,:,tt] = theta2rho(allRHOt)
        if is_pos_def(RHOt[:,:,tt])==0:
            print(tt)
    
    dataU = np.zeros((T,3))
    data = np.zeros((T,3))

    for tt in np.arange(T):
        dataU[tt,:] = tCop_rnd(RHOt[:,:,tt],NUt[tt],1)
        data[tt,:] = stats.norm.ppf(dataU[tt,:])


    fig3,axes = plt.subplots(3,1,sharex=True,sharey=True)
    for i in np.arange(3):
        axes[i].plot(data[:,i])
        title = 'Random variable generation from student tCopula Asset '
        axes[i].set_title(title+str(i))
        
    fig3.subplots_adjust(hspace=0.15)

    fig4,axes = plt.subplots(2,2,sharex=True,sharey=True)
    axes[0,0].scatter(data[:,0],data[:,1], marker = ">"),axes[0,0].set_xlabel('x1'),axes[0,0].set_ylabel('x2')
    axes[0,1].scatter(data[:,0],data[:,2], marker = "."),axes[0,1].set_xlabel('x1'),axes[0,1].set_ylabel('x3')
    axes[1,0].scatter(data[:,1],data[:,2]),axes[1,0].set_xlabel('x2'),axes[1,0].set_ylabel('x3')

    tCopData = dataU

    # Time-varying trivariate t-copula (Estimation)
    theta0 = np.zeros(8)
    Udata = tCopData
    thetahat_powell = opt.fmin_powell(tCopula_3D_TVP_LL,theta0,args=(Udata,exog12,exog13,exog23,exogNU,))
  
[16.88009286]
[16.88009286]
[49.96378507]
[622.90194818]
[16.88009286]
[144.21607069]
[-5.96819936]
[-6.00174249]
[-6.00132245]
[-5.99755659]
[-6.00174249]
[51.69966891]
[50.86433369]
[-6.00174249]
[-6.39606582]
[6.76621198]
[-9.51750507]
[-9.51724333]
[-9.51706496]
[-9.51750507]
[-51.84856062]
[564.66590918]
[-51.84856062]
[49.31504231]
[-60.58683078]
[-61.5609776]
[-61.58445176]
[-61.58230176]
[-61.57528284]
[-61.58445176]
[-38.75739452]
[21.22578137]
[-61.58445176]
[-49.27345204]
[-58.96340841]
[-61.67389424]
[-61.67437666]
[-61.67437571]
[-61.67435951]
[-61.67437666]
[-74.83513221]
[518.653367]
[-74.83513221]
[27.83635018]
[-91.03719397]
[-90.90041464]
[-91.11241053]
[-91.11258615]
[-91.10662109]
[-91.11258615]
[-75.93861759]
[-15.19066734]
[-91.11258615]
[-77.99853101]
[-90.77043356]
[-91.75332655]
[-91.75323447]
[-91.75329067]
[-91.75332655]
[-138.15292993]
[-161.61616019]
[-161.20119693]
[-158.11981318]
[-161.61616019]
[-160.59202823]
[-158.9403293]
[-161.60881114]
[-161.69366112]
[-161.69051334]
[-161.6925728]
[-161.69366112]
[-161.76711525]
[-161.84189851]
[-161.85981119]
[-161.78200285]
[-161.85981119]
[-161.84672135]
[-161.85846081]
[-161.86014154]
[-161.86012704]
[-161.86011995]
[-80.54193624]
[-161.86014154]
[-30.59128868]
[849.0855809]
[-161.86014154]
[-52.11178718]
[-158.29528477]
[-166.5339247]
[-166.53397307]
[-166.5330096]
[-166.53397307]
[-118.23553311]
[-43.24739671]
[-166.53397307]
[-153.82028961]
[-158.15608503]
[-166.76156617]
[-166.76370708]
[-166.76371116]
[-166.76366924]
[-166.76371116]
[-61.48795946]
[289.6096596]
[-166.76371116]
[-99.29607408]
[-165.64300584]
[-170.84893159]
[-170.85141889]
[-170.8541548]
[-170.11754298]
[-170.85384891]
[-170.85360137]
[-170.8541548]
[-138.38062549]
[-75.63219526]
[-170.8541548]
[-159.26476235]
[-165.89601074]
[-170.86564639]
[-170.8671236]
[-170.86712423]
[-170.86712225]
[-170.86712423]
[-56.08421703]
[336.91431737]
[-170.86712423]
[-117.26146497]
[-164.39856301]
[-172.38782022]
[-172.39976695]
[-172.40213402]
[-172.40204013]
[-172.40191037]
[-172.40213402]
[-148.94016097]
[-83.36928491]
[-172.40213402]
[-158.49813273]
[-170.75450226]
[-172.74576971]
[-172.74594166]
[-172.74598322]
[-172.74594771]
[-172.74598322]
[-172.02402713]
[-148.75799432]
[-172.74598322]
[-169.72865985]
[-172.86913463]
[-172.91613781]
[-172.91629966]
[-172.91656428]
[-172.91655179]
[-172.9165475]
[-172.91656428]
[-172.97691829]
[-173.02754376]
[-173.02975951]
[-173.01201286]
[-173.02975951]
[-173.02620621]
[-173.03004946]
[-173.03011237]
[-173.03010031]
[-173.0300991]
[-168.58596211]
[-173.03011237]
[19.4029085]
[1268.45411208]
[-173.03011237]
[-66.77056922]
[-155.01031426]
[-174.13792021]
[-174.15217135]
[-174.15217442]
[-174.15195237]
[-174.15217442]
[-127.11589587]
[-3.49721077]
[-174.15217442]
[-154.13917846]
[-167.48671224]
[-174.14975129]
[-174.1541158]
[-174.15411575]
[-174.15411546]
[-174.1541158]
[8.9331419]
[233.712204]
[-174.1541158]
[-126.23997953]
[-153.40602351]
[-174.08439744]
[-174.16680674]
[-174.16722173]
[-174.16722145]
[-174.16721937]
[-174.16722173]
[-139.58797027]
[-69.10716209]
[-174.16722173]
[-161.27250193]
[-169.06649083]
[-174.16966032]
[-174.17117616]
[-174.17117634]
[-174.17117574]
[-174.17117634]
[-22.06678152]
[303.66126575]
[-174.17117634]
[-129.41672424]
[-158.69864028]
[-174.23684368]
[-174.27825585]
[-174.27892948]
[-174.2789247]
[-174.27891242]
[-174.27892948]
[-143.43877812]
[-93.06261741]
[-174.27892948]
[-163.12554692]
[-170.48278869]
[-174.2883653]
[-174.28933256]
[-174.28933774]
[-174.28933674]
[-174.28933665]
[-174.28933774]
[-173.13885167]
[-154.86421476]
[-174.28933774]
[-172.06810959]
[-174.22209208]
[-174.34371588]
[-174.34495719]
[-174.3452207]
[-174.34522581]
[-174.34522]
[-174.34522581]
[-174.37122429]
[-174.3598531]
[-174.37122429]
[-174.37522468]
[-174.37267582]
[-174.37526787]
[-174.37526689]
[-174.37526248]
[-173.71124676]
[-174.37526787]
[-173.71124676]
[-171.23631778]
[-174.37526787]
[-173.77453343]
[-174.36468877]
[-174.40714351]
[-174.40714222]
[-174.40713846]
[-174.40714351]
[-174.39414781]
[-174.37389068]
[-174.40714351]
[-174.40180825]
[-174.40547195]
[-174.40715324]
[-174.40715355]
[-174.40715355]
[-174.40715355]
[-174.40715355]
[-125.81855917]
[1.76453235]
[-174.40715355]
[-154.13954541]
[-167.41964516]
[-174.40245998]
[-174.40734553]
[-174.40734576]
[-174.40734574]
[-174.40734574]
[-174.40734576]
[18.64616448]
[249.1862719]
[-174.40734576]
[-126.6856319]
[-151.86981422]
[-174.32019432]
[-174.40712347]
[-174.40736346]
[-174.40736346]
[-174.40736345]
[-174.40736346]
[-139.39725568]
[-64.45925896]
[-174.40736346]
[-160.76038154]
[-169.39153971]
[-174.40597681]
[-174.40753113]
[-174.40753118]
[-174.40753116]
[-174.40753118]
[-6.92034661]
[288.13905081]
[-174.40753118]
[-133.18894761]
[-155.38283313]
[-174.35199482]
[-174.40743902]
[-174.40759938]
[-174.40759938]
[-174.40759938]
[-174.40759938]
[-141.90888481]
[-93.76372547]
[-174.40759938]
[-163.64531542]
[-170.19624567]
[-174.40677019]
[-174.40798431]
[-174.40798535]
[-174.40798531]
[-174.40798531]
[-174.40798535]
[-173.27203881]
[-157.7826666]
[-174.40798535]
[-172.66435209]
[-174.22739639]
[-174.41675711]
[-174.42178709]
[-174.42182473]
[-174.42182742]
[-174.42182584]
[-174.42182742]
[-174.38500774]
[-174.34676883]
[-174.42182742]
[-174.4126977]
[-174.4153154]
[-174.42201363]
[-174.42201363]
[-174.42201359]
Optimization terminated successfully.
         Current function value: -174.422014
         Iterations: 4
         Function evaluations: 344
In [11]:
LL= tCopula_3D_TVP_LL(thetahat_powell,Udata,exog12,exog13,exog23,exogNU)
[-174.42201363]
In [12]:
thetahat_simplex = opt.fmin(tCopula_3D_TVP_LL,theta0,args=(Udata,exog12,exog13,exog23,exogNU))
[16.88009286]
[16.85140755]
[16.88086254]
[16.84242586]
[16.88513703]
[16.8545969]
[16.87621804]
[16.87060502]
[16.88010955]
[16.84894226]
[16.84523678]
[16.83726918]
[16.81585245]
[16.82122727]
[16.81135794]
[16.7789392]
[16.79405914]
[16.79492869]
[16.78400232]
[16.77022719]
[16.73088309]
[16.74535044]
[16.72389981]
[16.66467247]
[16.70594871]
[16.68385602]
[16.6770085]
[16.64861147]
[16.57592105]
[16.60668319]
[16.56867958]
[16.46363704]
[16.53182893]
[16.49655515]
[16.46912519]
[16.43753868]
[16.31449197]
[16.35379737]
[16.28846356]
[16.10062497]
[16.21987623]
[16.16172133]
[16.11323578]
[16.05270023]
[15.83112074]
[15.92069557]
[15.79066054]
[15.4550001]
[15.67563554]
[15.55539627]
[15.4838676]
[15.37255442]
[14.97901262]
[15.13774966]
[14.9102522]
[14.31759844]
[14.6889782]
[14.49344119]
[14.35324336]
[14.17312895]
[13.48534276]
[13.74561891]
[13.34912473]
[12.30399659]
[12.95659555]
[12.61124919]
[12.38110987]
[12.04930605]
[10.83760415]
[11.31267087]
[10.60303354]
[8.76994714]
[9.92719092]
[9.30167194]
[8.91524719]
[8.33849074]
[6.23382012]
[7.03886554]
[5.81794169]
[2.64965808]
[4.63074706]
[3.56594459]
[2.88087559]
[1.90836153]
[-1.69046023]
[-0.33633876]
[-2.4119461]
[-7.77630395]
[-4.42420454]
[-6.24566189]
[-7.37839121]
[-9.02871983]
[-15.03187165]
[-12.75876226]
[-16.21529561]
[-24.973458]
[-19.50596722]
[-22.49883097]
[-24.32852942]
[-26.97042942]
[-36.47151671]
[-32.92596969]
[-38.33539926]
[-51.6650355]
[-43.42835551]
[-47.94530065]
[-50.71979191]
[-54.61414654]
[-68.21588153]
[-63.24272001]
[-70.80344439]
[-88.217266]
[-77.67303386]
[-83.56102816]
[-87.0314528]
[-91.81981563]
[-106.78121425]
[-101.60134871]
[-109.19923308]
[-121.52781038]
[-115.12397018]
[-119.23606255]
[-121.09130443]
[-122.89731379]
[-118.45275536]
[-123.35850627]
[-108.34224096]
[-119.63948168]
[-118.29489052]
[-112.24514546]
[-121.58801223]
[-113.84811211]
[-121.2695816]
[-114.23123217]
[-122.65723396]
[-119.52820789]
[-122.55175768]
[-118.32796963]
[-122.68931674]
[-120.29826069]
[-122.88139719]
[-119.84587895]
[-122.98439398]
[-119.84952995]
[-123.06701951]
[-121.89992936]
[-123.05738711]
[-121.98049987]
[-123.26897899]
[-121.74880957]
[-123.31867731]
[-121.5300166]
[-123.33702976]
[-123.25865135]
[-122.79879272]
[-123.2960512]
[-122.94215656]
[-123.31538803]
[-122.86539872]
[-123.34875454]
[-122.96269228]
[-123.34328687]
[-123.26248696]
[-123.38383531]
[-123.20189851]
[-123.39319478]
[-123.23042803]
[-123.39829777]
[-123.29812979]
[-123.39869925]
[-123.27477956]
[-123.40295852]
[-123.29986535]
[-123.40662549]
[-123.41875654]
[-123.31175548]
[-123.29124895]
[-123.41702348]
[-123.27676481]
[-123.42162443]
[-123.36750591]
[-123.42065478]
[-123.43137716]
[-123.38878424]
[-123.38124451]
[-123.42748602]
[-123.41179273]
[-123.45180668]
[-123.44111913]
[-123.46359795]
[-123.46257616]
[-123.37925369]
[-123.44225465]
[-123.45641303]
[-123.38602656]
[-123.44693065]
[-123.47320522]
[-123.47661303]
[-123.4582598]
[-123.48997022]
[-123.49441355]
[-123.45522994]
[-123.51847646]
[-123.55452161]
[-123.53807639]
[-123.51509496]
[-123.51052931]
[-123.56879615]
[-123.60559009]
[-123.55411914]
[-123.57858321]
[-123.62813377]
[-123.67136445]
[-123.63441134]
[-123.65329551]
[-123.66814973]
[-123.73732008]
[-123.83288084]
[-123.69460867]
[-123.81963424]
[-123.65792048]
[-123.84547139]
[-123.95761158]
[-123.89862773]
[-123.73434994]
[-123.83318225]
[-123.98307828]
[-124.12757635]
[-124.09142109]
[-124.12705348]
[-123.85038489]
[-124.1194991]
[-124.20617446]
[-124.37062086]
[-124.33319174]
[-124.11815523]
[-124.43351498]
[-124.65022566]
[-124.5505624]
[-124.53696479]
[-124.21955163]
[-124.63805357]
[-124.73595368]
[-124.95274561]
[-124.8391271]
[-124.72160117]
[-124.97275134]
[-125.15770666]
[-125.12724833]
[-125.14563909]
[-125.21337884]
[-125.31923023]
[-125.28581798]
[-125.33408319]
[-125.2276213]
[-124.99494146]
[-125.34826689]
[-125.17358105]
[-125.2980881]
[-125.10424623]
[-125.27148597]
[-125.29331502]
[-125.20629033]
[-125.18499087]
[-125.30672401]
[-125.27308438]
[-125.1552853]
[-125.34053279]
[-125.17193235]
[-125.338092]
[-125.28501993]
[-125.33148824]
[-125.33091194]
[-125.26248298]
[-125.34130858]
[-125.21462529]
[-125.34803804]
[-125.36951037]
[-125.37382667]
[-125.3305129]
[-125.35040373]
[-125.36985771]
[-125.37361802]
[-125.34140839]
[-125.32363246]
[-125.36117639]
[-125.3604259]
[-125.3472681]
[-125.36384152]
[-125.35671422]
[-125.34722703]
[-125.36447792]
[-125.35643066]
[-125.36746596]
[-125.35463351]
[-125.36718293]
[-125.36856424]
[-125.37592267]
[-125.37257358]
[-125.3637977]
[-125.37072982]
[-125.37622426]
[-125.37212492]
[-125.37164524]
[-125.37781096]
[-125.3746689]
[-125.36825166]
[-125.37420074]
[-125.38189153]
[-125.38548877]
[-125.37907533]
[-125.37721125]
[-125.38558139]
[-125.38978222]
[-125.39036644]
[-125.39767511]
[-125.38631011]
[-125.394039]
[-125.4001757]
[-125.40994458]
[-125.40297525]
[-125.39896371]
[-125.40864014]
[-125.41793121]
[-125.43370836]
[-125.41932349]
[-125.4293922]
[-125.43173723]
[-125.44155195]
[-125.461849]
[-125.42823663]
[-125.45387877]
[-125.44748116]
[-125.47337024]
[-125.50474216]
[-125.48412005]
[-125.46947824]
[-125.49884677]
[-125.50990547]
[-125.54345272]
[-125.53984915]
[-125.51899543]
[-125.5520453]
[-125.59056008]
[-125.58535713]
[-125.59806565]
[-125.64915992]
[-125.62792809]
[-125.6516653]
[-125.72372977]
[-125.68708329]
[-125.71706583]
[-125.7475741]
[-125.84017209]
[-125.82570433]
[-125.83679582]
[-125.85462788]
[-125.92042971]
[-125.94886307]
[-126.10231076]
[-126.00846677]
[-126.07246785]
[-126.08993116]
[-126.21572019]
[-126.43731678]
[-126.21814201]
[-126.32769683]
[-126.40463468]
[-126.4876686]
[-126.70950339]
[-126.55756536]
[-126.62167238]
[-126.77244031]
[-127.06591084]
[-126.91833363]
[-127.0801853]
[-127.47653195]
[-127.25362093]
[-127.36125462]
[-127.55513165]
[-128.02005302]
[-127.7825853]
[-128.03964995]
[-128.64347017]
[-128.11600839]
[-128.51086408]
[-128.65058023]
[-129.18584532]
[-129.0162612]
[-129.22983715]
[-129.79381912]
[-129.61995778]
[-129.76397085]
[-130.02465861]
[-130.51580774]
[-130.43875225]
[-130.36160372]
[-130.38592071]
[-130.55201621]
[-130.20705]
[-130.48583002]
[-130.64832736]
[-130.22725764]
[-130.59815374]
[-130.42066541]
[-130.66786742]
[-130.33340447]
[-130.82344752]
[-130.7015333]
[-130.36719968]
[-130.66693699]
[-129.51320185]
[-130.74525126]
[-130.78403079]
[-130.4572324]
[-130.70371973]
[-130.82840139]
[-130.71526684]
[-130.86228997]
[-130.77371059]
[-130.86120362]
[-130.89933473]
[-130.80044396]
[-130.77391321]
[-130.93800858]
[-130.84112401]
[-130.7550663]
[-130.87023577]
[-130.65395599]
[-130.88477536]
[-130.88677857]
[-130.86476037]
[-130.7770984]
[-130.90326152]
[-130.93202796]
[-130.9058515]
[-130.89542553]
[-130.97014152]
[-130.95241674]
[-130.91554029]
[-130.95790687]
[-130.91520447]
[-130.93707421]
[-130.95855269]
[-131.000764]
[-130.97579529]
[-130.95001215]
[-130.95422796]
[-130.98918864]
[-130.9546825]
[-131.01538343]
[-130.97360085]
[-130.83414019]
[-131.0040667]
[-131.00983026]
[-130.98762331]
[-130.9993267]
[-130.98316363]
[-131.04513083]
[-131.02524516]
[-130.9772687]
[-131.0197966]
[-131.01964305]
[-130.87178415]
[-131.03373734]
[-130.9788966]
[-131.02619133]
[-131.06151649]
[-131.07878678]
[-131.08441037]
[-131.11766816]
[-131.1037808]
[-131.06089357]
[-131.04248199]
[-131.10777402]
[-131.10805777]
[-131.13689934]
[-131.14976837]
[-131.15255769]
[-131.15420891]
[-131.21723247]
[-131.28798937]
[-131.23194609]
[-131.27118527]
[-131.29483569]
[-131.36950011]
[-131.31687084]
[-131.26589534]
[-131.44699086]
[-131.59972295]
[-131.30083153]
[-131.5409998]
[-131.55131479]
[-131.50077634]
[-131.64765708]
[-131.81920768]
[-131.74907277]
[-131.51558428]
[-131.82547003]
[-131.96186678]
[-132.0185458]
[-132.32155252]
[-131.97091588]
[-131.953332]
[-132.23278718]
[-132.38239904]
[-132.70662852]
[-132.63516153]
[-132.69865051]
[-132.81360157]
[-133.16517359]
[-132.51029804]
[-133.0435196]
[-133.40653788]
[-133.98593865]
[-133.51216035]
[-133.45543358]
[-133.68712521]
[-133.90155781]
[-134.14079631]
[-134.57849591]
[-134.55979148]
[-134.3208199]
[-134.84297892]
[-135.36050259]
[-135.21064446]
[-135.4673632]
[-136.11862879]
[-134.78287214]
[-135.76246398]
[-135.45614261]
[-136.04777686]
[-135.92218409]
[-136.28284223]
[-136.19696698]
[-136.74272772]
[-137.17779034]
[-135.78088573]
[-136.59396878]
[-137.111996]
[-136.95304987]
[-136.7775716]
[-137.24613478]
[-137.06971426]
[-137.69484538]
[-138.06771501]
[-137.66632678]
[-137.56634668]
[-137.39327838]
[-137.55838454]
[-137.5117814]
[-137.35517008]
[-137.6693107]
[-137.56673606]
[-137.83206954]
[-137.35085132]
[-137.7953986]
[-137.26939384]
[-137.84655448]
[-137.91397554]
[-138.0549741]
[-137.50231509]
[-137.91282607]
[-137.7599776]
[-137.90760469]
[-137.67242901]
[-137.99048913]
[-138.16126653]
[-138.05178094]
[-137.88760331]
[-138.16866315]
[-137.9936519]
[-137.86354194]
[-138.07966364]
[-137.81841933]
[-138.09081665]
[-138.06615594]
[-138.08025451]
[-138.01559629]
[-138.14018535]
[-138.08673853]
[-138.11289446]
[-138.10952378]
[-137.95644955]
[-138.17578419]
[-138.08677649]
[-137.97893472]
[-138.17483708]
[-138.06650616]
[-138.16615896]
[-138.12627211]
[-138.12033184]
[-138.13238288]
[-138.06220125]
[-138.18347419]
[-138.03257571]
[-138.18715185]
[-138.13428376]
[-138.18040862]
[-138.14605238]
[-138.1843214]
[-138.187067]
[-138.1925228]
[-138.14191676]
[-138.18009059]
[-138.14960728]
[-138.19844824]
[-138.19545173]
[-138.1671269]
[-138.20012306]
[-138.2089416]
[-138.18774455]
[-138.19936093]
[-138.19646782]
[-138.16167193]
[-138.20757731]
[-138.19088367]
[-138.20662779]
[-138.19032533]
[-138.20696726]
[-138.18482285]
[-138.20850642]
[-138.18203124]
[-138.20898851]
[-138.21524739]
[-138.20792703]
[-138.18602328]
[-138.21083299]
[-138.19938695]
[-138.20981206]
[-138.20900513]
[-138.21348006]
[-138.21137625]
[-138.21109382]
[-138.21105522]
[-138.21253455]
[-138.21459567]
[-138.20850453]
[-138.21449939]
[-138.21776882]
[-138.21534545]
[-138.21312473]
[-138.21639517]
[-138.20838093]
[-138.21623889]
[-138.20904001]
[-138.21655043]
[-138.21133606]
[-138.21651664]
[-138.21370977]
[-138.21654703]
[-138.21872846]
[-138.21760456]
[-138.21355294]
[-138.21720764]
[-138.21859738]
[-138.21837375]
[-138.21611046]
[-138.21804333]
[-138.21640977]
[-138.21806455]
[-138.21882611]
[-138.21692928]
[-138.21737084]
[-138.22032165]
[-138.22092338]
[-138.21846475]
[-138.21944134]
[-138.2203037]
[-138.22171561]
[-138.22267797]
[-138.22242418]
[-138.22027951]
[-138.2227472]
[-138.22245921]
[-138.2221708]
[-138.22428769]
[-138.22454904]
[-138.22353606]
[-138.22458631]
[-138.22307717]
[-138.22390162]
[-138.22698222]
[-138.22799917]
[-138.22120242]
[-138.22460447]
[-138.22453636]
[-138.2279485]
[-138.22709554]
[-138.22897403]
[-138.22980493]
[-138.2281379]
[-138.22965273]
[-138.22914349]
[-138.23145445]
[-138.23073204]
[-138.23369365]
[-138.2348173]
[-138.22829855]
[-138.22673529]
[-138.23065659]
[-138.23463546]
[-138.23691581]
[-138.2410715]
[-138.23171813]
[-138.23567419]
[-138.23404183]
[-138.24009186]
[-138.23994579]
[-138.23889111]
[-138.24119633]
[-138.23912878]
[-138.24320511]
[-138.244408]
[-138.24503435]
[-138.24579957]
[-138.24954712]
[-138.25378285]
[-138.25363353]
[-138.25255049]
[-138.25449294]
[-138.25597323]
[-138.2612879]
[-138.26836484]
[-138.26782931]
[-138.26841877]
[-138.2703945]
[-138.27771636]
[-138.28731119]
[-138.278111]
[-138.28234704]
[-138.28698781]
[-138.28997973]
[-138.28471358]
[-138.30524014]
[-138.31844185]
[-138.30180374]
[-138.30226487]
[-138.32483155]
[-138.34403554]
[-138.31109335]
[-138.34118307]
[-138.3373374]
[-138.3312949]
[-138.33434186]
[-138.34230267]
[-138.35092544]
[-138.33722258]
[-138.37591462]
[-138.40268531]
[-138.38361397]
[-138.34679124]
[-138.36349327]
[-138.39674003]
[-138.3750024]
[-138.39698578]
[-138.40740024]
[-138.41165908]
[-138.41652745]
[-138.41024973]
[-138.45569611]
[-138.50312197]
[-138.45320241]
[-138.47063731]
[-138.47429905]
[-138.49263629]
[-138.5085977]
[-138.53012684]
[-138.52842708]
[-138.52246468]
[-138.59649139]
[-138.66883783]
[-138.61364736]
[-138.60390768]
[-138.65435693]
[-138.69453917]
[-138.78838577]
[-138.66475711]
[-138.66837423]
[-138.77660414]
[-138.83323655]
[-138.93819564]
[-138.86946843]
[-138.84438541]
[-138.89512437]
[-138.96681441]
[-139.07794943]
[-139.04416587]
[-139.16121111]
[-139.35888847]
[-139.20941828]
[-139.25532584]
[-139.29586097]
[-139.34874739]
[-139.48571141]
[-139.68733425]
[-139.70317693]
[-140.06233829]
[-139.7301372]
[-139.86335704]
[-139.975176]
[-140.10538845]
[-140.4449629]
[-140.3387964]
[-140.59336737]
[-141.16703095]
[-140.79713079]
[-140.84521718]
[-141.15878141]
[-141.40685115]
[-142.10924043]
[-141.85339182]
[-141.87171484]
[-142.2273264]
[-142.99366074]
[-142.8383325]
[-142.92267065]
[-143.14650301]
[-143.75992093]
[-143.807251]
[-144.85852674]
[-144.53459056]
[-144.58405871]
[-145.39081418]
[-146.83261013]
[-146.00891736]
[-145.6951215]
[-145.58431719]
[-147.1727964]
[-148.35146753]
[-148.08410797]
[-147.81398832]
[-148.44786588]
[-149.25983325]
[-148.56845118]
[-150.07262828]
[-151.89628588]
[-151.29307751]
[-150.88686937]
[-149.94642212]
[-151.84084101]
[-150.68736217]
[-152.34599621]
[-152.72294495]
[-153.70111736]
[-154.8667207]
[-154.69202084]
[-155.25268126]
[-156.56385485]
[-156.06986551]
[-157.31875968]
[-159.18445209]
[-157.12412772]
[-158.23097842]
[-155.53255921]
[-160.07144127]
[-160.89342119]
[-159.50880075]
[-160.38759997]
[-156.13324472]
[-159.56521009]
[-155.22438612]
[-159.00971707]
[-160.48573693]
[-160.18049367]
[-160.71821007]
[-160.19970096]
[-157.95867611]
[-160.63239179]
[-161.22738648]
[-160.49711304]
[-161.59131206]
[-160.76649363]
[-161.39482856]
[-160.4957604]
[-160.74870266]
[-160.81412289]
[-160.97952195]
[-160.06293855]
[-161.38734896]
[-161.68140016]
[-160.90722337]
[-161.51119021]
[-159.96495789]
[-161.61011684]
[-162.19208169]
[-162.09281186]
[-161.51657906]
[-161.39847642]
[-162.60583768]
[-163.09750445]
[-161.77434742]
[-161.59923563]
[-161.66661827]
[-161.49690312]
[-162.075913]
[-162.70181492]
[-161.94696743]
[-162.89884533]
[-161.94674726]
[-163.11171548]
[-162.96151285]
[-162.08973357]
[-162.61481762]
[-162.79047473]
[-163.29569661]
[-162.91549441]
[-162.15962598]
[-162.8816487]
[-163.45053273]
[-162.99705016]
[-163.41030498]
[-163.95086369]
[-164.36920542]
[-163.38909543]
[-163.58831711]
[-164.12978322]
[-164.37696633]
[-164.54797695]
[-164.38329342]
[-163.83113827]
[-164.44990712]
[-164.94363186]
[-164.9014564]
[-164.40809205]
[-164.88649098]
[-164.28809175]
[-164.69245604]
[-164.40650091]
[-164.59962454]
[-164.22695069]
[-164.80136289]
[-164.41096285]
[-164.54274728]
[-164.41481888]
[-164.8182316]
[-164.91274186]
[-164.63895008]
[-165.17852402]
[-164.9397829]
[-164.97717694]
[-164.64152443]
[-165.00234358]
[-164.40332961]
[-165.04068309]
[-165.03734848]
[-165.20393104]
[-164.92550906]
[-164.67673809]
[-165.13452733]
[-164.98699109]
[-165.08906725]
[-165.04388541]
[-164.82337721]
[-165.17674885]
[-165.14195943]
[-165.02003707]
[-165.18669554]
[-165.03358329]
[-165.18585917]
[-165.16228353]
[-165.12400787]
[-165.22801988]
[-165.20437699]
[-165.03480241]
[-165.24241143]
[-165.0939348]
[-165.24232686]
[-165.13884914]
[-165.24227838]
[-165.1376935]
[-165.24400825]
[-165.20775639]
[-165.19105107]
[-165.24510597]
[-165.20677565]
[-165.18255758]
[-165.25074749]
[-165.21259635]
[-165.19483195]
[-165.25115795]
[-165.20767549]
[-165.25147182]
[-165.21646812]
[-165.25634955]
[-165.22474103]
[-165.26009752]
[-165.2207499]
[-165.26031065]
[-165.21089028]
[-165.26101669]
[-165.24485763]
[-165.25852776]
[-165.24789934]
[-165.25981086]
[-165.24557693]
[-165.26078556]
[-165.25149653]
[-165.25869172]
[-165.25279693]
[-165.26167268]
[-165.25553247]
[-165.26255919]
[-165.25792719]
[-165.26307432]
[-165.25214002]
[-165.26366539]
[-165.26116195]
[-165.25966491]
[-165.26350753]
[-165.26120227]
[-165.261494]
[-165.2555638]
[-165.26432999]
[-165.25956373]
[-165.263955]
[-165.25787562]
[-165.26411684]
[-165.26140754]
[-165.26386298]
[-165.26266364]
[-165.26345862]
[-165.26203173]
[-165.26437034]
[-165.26219164]
[-165.26449746]
[-165.26246943]
[-165.26459292]
[-165.26328803]
[-165.26453192]
[-165.26391024]
[-165.26345505]
[-165.26466013]
[-165.26393941]
[-165.26464807]
[-165.26388329]
[-165.26466175]
[-165.26363915]
[-165.26474154]
[-165.26328775]
[-165.26483907]
[-165.26427933]
[-165.26475038]
[-165.26425584]
[-165.26479621]
[-165.26456111]
[-165.26479366]
[-165.26451731]
[-165.26480676]
[-165.26468021]
[-165.26471879]
[-165.26462045]
[-165.26482885]
[-165.26485389]
[-165.26457417]
[-165.26457808]
[-165.26486671]
[-165.26473721]
[-165.26485898]
[-165.26470607]
[-165.26486559]
[-165.26486289]
[-165.26473089]
[-165.26488457]
[-165.26489767]
[-165.2647688]
[-165.26492228]
[-165.26483467]
[-165.26476908]
[-165.26491045]
[-165.2647834]
[-165.26491341]
[-165.26490082]
[-165.2649164]
[-165.26495314]
[-165.26490809]
[-165.26489128]
[-165.264894]
[-165.26488072]
[-165.26493469]
[-165.26488376]
[-165.26493553]
[-165.26492751]
[-165.2648354]
[-165.26494471]
[-165.26496551]
[-165.26494721]
[-165.26494224]
[-165.2649122]
[-165.26494937]
[-165.2649856]
[-165.26498927]
[-165.26492028]
[-165.26496028]
[-165.26498148]
[-165.26499504]
[-165.26498443]
[-165.26494075]
[-165.26497247]
[-165.26499593]
[-165.26497675]
[-165.26502286]
[-165.26504173]
[-165.26500771]
[-165.26504074]
[-165.26501019]
[-165.26504458]
[-165.26503388]
[-165.26506755]
[-165.26508573]
[-165.26506834]
[-165.26509956]
[-165.26512372]
[-165.26510721]
[-165.26504377]
[-165.26511185]
[-165.26514793]
[-165.26517996]
[-165.26515893]
[-165.26512588]
[-165.26522436]
[-165.26528162]
[-165.2651521]
[-165.26526192]
[-165.26526254]
[-165.26531843]
[-165.26539963]
[-165.26527672]
[-165.26526128]
[-165.26536374]
[-165.26543553]
[-165.26551675]
[-165.26550922]
[-165.26539329]
[-165.26553205]
[-165.26562057]
[-165.26560459]
[-165.26567608]
[-165.26579817]
[-165.26585153]
[-165.26610476]
[-165.2659044]
[-165.26591112]
[-165.26598253]
[-165.26614592]
[-165.26637276]
[-165.26640088]
[-165.26678938]
[-165.26656678]
[-165.26678197]
[-165.2666947]
[-165.26683092]
[-165.26701023]
[-165.26726278]
[-165.26779085]
[-165.26749455]
[-165.2677295]
[-165.26794136]
[-165.26853539]
[-165.26821806]
[-165.26811856]
[-165.26845985]
[-165.26875996]
[-165.268971]
[-165.26957114]
[-165.27057726]
[-165.26979773]
[-165.26998901]
[-165.26999377]
[-165.27069342]
[-165.27152175]
[-165.27111816]
[-165.27201493]
[-165.27342809]
[-165.27148091]
[-165.27298079]
[-165.27280177]
[-165.27354153]
[-165.27444604]
[-165.27491028]
[-165.27658724]
[-165.27367283]
[-165.27604853]
[-165.27657763]
[-165.27670513]
[-165.27661976]
[-165.27760041]
[-165.27894705]
[-165.27661737]
[-165.27652003]
[-165.27992278]
[-165.2819389]
[-165.28124492]
[-165.28042341]
[-165.28015367]
[-165.27987874]
[-165.28201323]
[-165.28211509]
[-165.28343125]
[-165.28355693]
[-165.28502639]
[-165.28487879]
[-165.2853469]
[-165.28564206]
[-165.28618679]
[-165.28600708]
[-165.28218526]
[-165.28766416]
[-165.2880545]
[-165.28484012]
[-165.28504573]
[-165.27899418]
[-165.28581364]
[-165.28881971]
[-165.28774072]
[-165.28909134]
[-165.28788174]
[-165.28900721]
[-165.28774589]
[-165.28757193]
[-165.29229453]
[-165.29445189]
[-165.29193904]
[-165.29364391]
[-165.28971082]
[-165.29364657]
[-165.29571971]
[-165.29645624]
[-165.29719513]
[-165.2977997]
[-165.29793004]
[-165.29599189]
[-165.30162108]
[-165.30363337]
[-165.29886102]
[-165.30229794]
[-165.29878419]
[-165.3051308]
[-165.3044841]
[-165.31027114]
[-165.31625018]
[-165.31226437]
[-165.30307223]
[-165.3004659]
[-165.31589887]
[-165.31653874]
[-165.31760309]
[-165.3041065]
[-165.31673521]
[-165.31384464]
[-165.31478835]
[-165.31735216]
[-165.32801136]
[-165.3311028]
[-165.32717911]
[-165.32044823]
[-165.32156407]
[-165.32128541]
[-165.32144331]
[-165.32359724]
[-165.31939527]
[-165.33388871]
[-165.33513861]
[-165.32690387]
[-165.33723866]
[-165.33756673]
[-165.34664751]
[-165.3572034]
[-165.35066074]
[-165.33551699]
[-165.35571549]
[-165.33699465]
[-165.35953912]
[-165.35927045]
[-165.36785713]
[-165.37667709]
[-165.36031947]
[-165.37138709]
[-165.3744178]
[-165.39477811]
[-165.40979781]
[-165.39348788]
[-165.40925038]
[-165.41647247]
[-165.43379754]
[-165.43106906]
[-165.40928102]
[-165.44892688]
[-165.47306685]
[-165.46076735]
[-165.47948664]
[-165.49912597]
[-165.50296122]
[-165.53479477]
[-165.52708267]
[-165.55245807]
[-165.60012635]
[-165.59272862]
[-165.61808268]
[-165.67977434]
[-165.63919544]
[-165.67282769]
[-165.6996002]
[-165.72984877]
[-165.76711066]
[-165.83934525]
[-165.84815851]
[-165.97054265]
[-165.93984128]
[-165.92783028]
[-165.90941082]
[-166.02852196]
[-166.10385224]
[-166.1052736]
[-166.17135713]
[-166.22167451]
[-166.30161112]
[-166.15579715]
[-166.20283145]
[-166.23303535]
[-166.25866266]
[-166.15389481]
[-166.11078623]
[-166.31856943]
[-166.20477061]
[-166.15063166]
[-166.26857416]
[-166.2268812]
[-166.20346026]
[-166.31880591]
[-166.17282607]
[-166.44758141]
[-166.5141871]
[-166.29733512]
[-166.20531649]
[-166.34525046]
[-166.46849734]
[-166.44838024]
[-166.51985491]
[-166.49823841]
[-166.33164057]
[-166.54184958]
[-166.50391219]
[-166.49148255]
[-166.67074126]
[-166.75147031]
[-166.37722997]
[-166.7013034]
[-166.41614539]
[-166.56595435]
[-166.66863159]
[-166.7250301]
[-166.49936328]
[-166.62824041]
[-166.75929246]
[-166.74298816]
[-166.85377549]
[-166.93337068]
[-166.97852386]
[-167.15071347]
[-166.85029916]
[-167.07842801]
[-167.09442771]
[-167.16590406]
[-167.25672593]
[-167.05697039]
[-167.32494502]
[-167.42500884]
[-167.17438931]
[-167.57668976]
[-167.83716694]
[-167.63821754]
[-167.59884203]
[-167.81014397]
[-167.94642889]
[-168.14319787]
[-167.93656208]
[-168.31184685]
[-168.61426309]
[-168.44119052]
[-168.50133826]
[-168.56852106]
[-168.90731184]
[-169.18368928]
[-169.25781469]
[-169.76410235]
[-169.24170109]
[-169.70560492]
[-169.70355693]
[-169.80955473]
[-169.79405566]
[-169.85817921]
[-169.50006795]
[-169.99284286]
[-169.56741066]
[-169.86817406]
[-170.35875923]
[-170.41549163]
[-170.22192185]
[-170.31348995]
[-170.28660434]
[-170.25908246]
[-170.064212]
[-170.24744666]
[-170.12168196]
[-170.10027016]
[-170.31427645]
[-170.00371673]
[-170.40949312]
[-170.02646987]
[-170.40533474]
[-170.34544079]
[-170.41662671]
[-169.91698122]
[-170.57712384]
[-170.3404949]
[-170.47922884]
[-170.0963089]
[-170.54541329]
[-170.43873041]
[-169.9875597]
[-170.57428343]
[-170.55347294]
[-170.46656174]
[-170.52221494]
[-170.75121106]
[-170.71390504]
[-170.38820009]
[-170.61902932]
[-170.4381213]
[-170.6237957]
[-170.32250289]
[-170.63673568]
[-170.48661535]
[-170.63796357]
[-170.70014572]
[-170.67624091]
[-170.63207563]
[-170.67761774]
[-170.73738084]
[-170.74048154]
[-170.61566625]
[-170.71821724]
[-170.83611267]
[-170.87598619]
[-170.73067929]
[-170.73368368]
[-170.69141076]
[-170.77127305]
[-170.87583688]
[-170.82676891]
[-170.78398919]
[-170.7139938]
[-170.81167177]
[-170.77304304]
[-170.8559802]
[-170.94800139]
[-171.00679803]
[-170.86127423]
[-170.93038014]
[-170.95213285]
[-170.98875191]
[-170.99132835]
[-171.06346417]
[-171.1062576]
[-171.04957682]
[-171.05638869]
[-171.18240257]
[-171.24183512]
[-171.1169921]
[-171.20055472]
[-171.23652326]
[-171.22084602]
[-171.35281003]
[-171.42173195]
[-171.24423167]
[-171.36025286]
[-171.34564856]
[-171.38725549]
[-171.30845212]
[-171.45554942]
[-171.41825857]
[-171.42200985]
[-171.40011014]
[-171.34751445]
[-171.47423425]
[-171.34773628]
[-171.3894492]
[-171.31126624]
[-171.44613289]
[-171.45548463]
[-171.40274283]
[-171.40608618]
[-171.47017921]
[-171.3142543]
[-171.48169797]
[-171.42040049]
[-171.47966325]
[-171.42272932]
[-171.41262087]
[-171.48037587]
[-171.42180982]
[-171.48029682]
[-171.44978652]
[-171.48789941]
[-171.4483397]
[-171.48967833]
[-171.48308574]
[-171.42837012]
[-171.4987737]
[-171.47179496]
[-171.49573016]
[-171.46659309]
[-171.49810581]
[-171.48568343]
[-171.47212833]
[-171.49829582]
[-171.47533225]
[-171.49841351]
[-171.46657604]
[-171.49970486]
[-171.47877172]
[-171.49930969]
[-171.48913424]
[-171.49972045]
[-171.48963962]
[-171.49989734]
[-171.4988861]
[-171.50214359]
[-171.49300102]
[-171.50159296]
[-171.50369342]
[-171.49536144]
[-171.48173101]
[-171.50497277]
[-171.49589781]
[-171.50349604]
[-171.50186538]
[-171.50332126]
[-171.50310547]
[-171.50555943]
[-171.49851296]
[-171.50056628]
[-171.50525314]
[-171.50181719]
[-171.50524665]
[-171.49901244]
[-171.50562391]
[-171.50121516]
[-171.50572026]
[-171.50363846]
[-171.5031452]
[-171.50568761]
[-171.50344081]
[-171.50572483]
[-171.5047926]
[-171.50619061]
[-171.50402211]
[-171.50621203]
[-171.50527273]
[-171.50611843]
[-171.50538105]
[-171.50631509]
[-171.50302691]
[-171.50657688]
[-171.5062064]
[-171.50597176]
[-171.505739]
[-171.50581004]
[-171.50547231]
[-171.50646577]
[-171.50582007]
[-171.50646569]
[-171.50563032]
[-171.50653776]
[-171.50576378]
[-171.50657282]
[-171.50568598]
[-171.50660092]
[-171.50613358]
[-171.50656101]
[-171.50607443]
[-171.50657005]
[-171.50634535]
[-171.50659621]
[-171.5064975]
[-171.50657712]
[-171.50647013]
[-171.50664643]
[-171.50656963]
[-171.5064917]
[-171.50666889]
[-171.50654391]
[-171.50666684]
[-171.50649894]
[-171.5066714]
[-171.5065557]
[-171.50666695]
[-171.50657199]
[-171.50666739]
Warning: Maximum number of function evaluations has been exceeded.
In [ ]:
thetahat_DE = opt.differential_evolution(tCopula_3D_TVP_LL,theta0,args=(Udata,exog12,exog13,exog23,exogNU))

Write to Excel

In [ ]:
from tempfile import TemporaryFile
book = xlwt.Workbook()
sheet1 = book.add_sheet('sheet1')

for row, array in enumerate(tCopData):
   for col, value in enumerate(array):
       sheet1.write(row,col,value)
       
name = "tCop.xls"
book.save(name)
book.save(TemporaryFile())




ax1.plot(data[:,0])
ax2.plot(data[:,1])
ax3.plot(data[:,2])
f.subplots_adjust(hspace=0.1)
plt.setp([a.get_xticklabels() for a in f.axes[:-1]], visible=False)
ax1.set_title('Random variable generation from Student t Copula')
plt.autoscale(tight='x')
plt.tight_layout()
In [ ]:
Output graphics to static html file
In [ ]:
output_file("covariates.html", title="Covariates")

# create a new plot
p = figure(
tools = "pan,box_zoom,reset,save",
title = "Covariates", 
x_axis_label='x', y_axis_label='y'
)

# add some renderers
p.line(x,y2,legend="y2=0.7*sin(x1)/100")
p.circle(x,y3,legend="y3=0.7*sin(x1)/200", fill_color="white", size=8)
p.line(x,y4,legend="y4=0.7*sin(x1)/200", line_width=3)
#p.line(x,y5,legend="y5=0.7*sin(x1)/200", line_color="red")
p.circle(x,y5,legend="y5=0.7*sin(x1)/200", fill_color="red",line_color="black",size=6)

show(p)

Comments

Comments powered by Disqus