from sys import path
import numpy as np
import matplotlib.pyplot as plt
import random
from scipy.optimize import curve_fit
from scipy.signal import butter, filtfilt, convolve, fftconvolve
import thermocepstrum as tc
from matplotlib import cm
plt.rcParams["figure.figsize"] = (5,3.5)
plt.rcParams["font.size"] = 12
plt.rcParams["figure.dpi"] = 200
def compute_thermkappa_cepstral(L_min, L_max, T_min, T_max, T_step,
dirname, file="nvt_log",
use_target_T=False,
multic=True,
resh=None,
startcol=7,
fstar=2.0, AIC_corr=1.0):
ELCH = 1.60217662e-19 # Coulomb
k_BOLTZ = 1.38064852e-23 # J/K
N_L = int(L_max - L_min + 1)
N_T = int((T_max - T_min) // T_step + 1)
kappa_HC = np.zeros((N_L, N_T, 2))
for iL, L in enumerate(np.arange(L_min, L_max + 1)):
for iT, T in enumerate(np.arange(T_min, T_max + T_step, T_step)):
print(iT, T)
fil_tmp = dirname+str(L)+"x"+str(L)+"x"+str(L)+"/T_"+str(T)+"_K/"+file
print(" analysing file: ", fil_tmp)
nvt = np.loadtxt(fil_tmp, skiprows=1).T
DT_FS = (nvt[1,1] - nvt[1,0])*1000. # the original time is in picoseconds
print("dt = ", DT_FS)
ALAT = nvt[6,0]*1.0e-10 # metres
print("alat = ", ALAT)
TEMPERATURE = np.mean(nvt[4])
if use_target_T:
TEMPERAURE=T
print("TEMPERATURE = ", TEMPERATURE)
VOLUME = nvt[6,0]**3 # in angstrom**3
if resh != None:
print("Reshaping to ", resh)
JHEAT = nvt[ startcol:startcol+3, :-1].reshape(resh) # RESHAPE TO HAVE MORE STATISTICS
JMASS = nvt[startcol+3:startcol+6, :-1].reshape(resh)
else:
print("No reshaping ")
JHEAT = nvt[ startcol:startcol+3, :-1]
JMASS = nvt[startcol+3:startcol+6, :-1]
if multic:
j_HC = tc.HeatCurrent([np.transpose(JHEAT),np.transpose(JMASS)],
UNITS='metal',
DT_FS=DT_FS, TEMPERATURE=TEMPERATURE, VOLUME=VOLUME
)
else:
j_HC = tc.HeatCurrent(np.transpose(JHEAT),
UNITS='metal',
DT_FS=DT_FS, TEMPERATURE=TEMPERATURE, VOLUME=VOLUME
)
print("resampling...")
tmp_j = j_HC.resample(fstar_THz=fstar)
tmp_j.cepstral_analysis(Kmin_corrfactor=AIC_corr)
kappa_HC[iL, iT, 0] = tmp_j.kappa_Kmin
kappa_HC[iL, iT, 1] = tmp_j.kappa_Kmin_std
return kappa_HC
def plot_kappa_vs_T(L_min, L_max, Temp, kappa, trueTemp=False, myoffset=0, addlabel=''):
marker = ['o','s','v','D','p','>']
mycolor = cm.get_cmap('Dark2')
if trueTemp==True :
for iL, L in enumerate(np.arange(L_min, L_max + 1)):
plt.fill_between(Temp[iL,:,0],
(kappa[iL,:,0] - kappa[iL,:,1]),
(kappa[iL,:,0] + kappa[iL,:,1]),
color=mycolor(iL+myoffset),
alpha=0.3)
plt.plot(Temp[iL,:,0],
kappa[iL,:,0],
color=mycolor(iL+myoffset),
marker=marker[iL],
label=addlabel+"$\ell$ = "+str(L))
else:
for iL, L in enumerate(np.arange(L_min, L_max + 1)):
plt.fill_between(Temp,
(kappa[iL,:,0] - kappa[iL,:,1]),
(kappa[iL,:,0] + kappa[iL,:,1]),
color=mycolor(iL+myoffset),
alpha=0.3)
plt.plot(Temp,
kappa[iL,:,0],
color=mycolor(iL+myoffset),
marker=marker[iL],
label=addlabel+"$\ell$ = "+str(L))
plt.xlabel("$T$ [K]")
plt.ylabel("$\kappa$ [W m$^{-1}$ K$^{-1}$]")
plt.legend()
def compute_diffusivities_LAB(dt,
L_min, L_max,
T_min, T_max, T_step,
dirname, prefactor, usecol=2, usecolCM=6,
BLOCKS=4, START_STEP=1000, END_STEP=-1):
msd_cm_file = "msd_CM_B"+str(BLOCKS)+".dat"
N_L = int(L_max - L_min + 1)
N_T = int((T_max - T_min) // T_step + 1)
print("N_L:", N_L)
print("N_T:", N_T)
D = np.zeros((N_L, N_T, 2)) # last two entries for value and error
for iL, L in enumerate(np.arange(L_min, L_max + 1)):
#print(iL, L)
for iT, T in enumerate(np.arange(T_min, T_max + T_step, T_step)):
#print(iT, T)
# cm msd
fil_tmp = dirname+str(L)+"x"+str(L)+"x"+str(L)+"/T_"+str(T)+"_K/"+ msd_cm_file
#print(" analysing file: ", fil_tmp)
msd_tmp = np.loadtxt(fil_tmp).T
lab_msd = msd_tmp[usecol,:] + prefactor*msd_tmp[usecolCM,:]
err_lab_msd = np.sqrt(msd_tmp[usecol,:]) + prefactor*np.sqrt(msd_tmp[usecolCM,:])
time = np.arange(len(lab_msd))*dt
coeff_fit_tmp = np.polyfit(time[START_STEP:END_STEP],lab_msd[START_STEP:END_STEP],1)
D[iL,iT,0] = coeff_fit_tmp[0]/6.0 # in Ang^2/ps
coeff_fit_tmp = np.polyfit(time[START_STEP:END_STEP],
lab_msd[START_STEP:END_STEP] + err_lab_msd[START_STEP:END_STEP],
1)
D[iL,iT,1] = np.abs(coeff_fit_tmp[0]/6.0 - D[iL,iT,0])
return D
def compute_diffusivities(dt, L_min, L_max, T_min, T_max, T_step, dirname, BLOCKS=4, START_STEP=1000, N_F=8):
msd_file = "msd_B"+str(BLOCKS)+".dat"
msd_self_file = "msd_self_B"+str(BLOCKS)+".dat"
msd_cm_file = "msd_CM_B"+str(BLOCKS)+".dat"
N_L = int(L_max - L_min + 1)
N_T = int((T_max - T_min) // T_step + 1)
print("N_L:", N_L)
print("N_T:", N_T)
D = np.zeros((N_L, N_T, 2)) # last two entries for value and error
D_self = np.zeros((N_L, N_T, 2)) # last two entries for value and error
D_cm = np.zeros((N_L, N_T, 2)) # last two entries for value and error
A = np.zeros((N_L, N_T, 2)) # last two entries for value and error
A_self = np.zeros((N_L, N_T, 2)) # last two entries for value and error
for iL, L in enumerate(np.arange(L_min, L_max + 1)):
#print(iL, L)
for iT, T in enumerate(np.arange(T_min, T_max + T_step, T_step)):
#print(iT, T)
# original msd
fil_tmp = dirname+str(L)+"x"+str(L)+"x"+str(L)+"/T_"+str(T)+"_K/"+ msd_file
#print(" analysing file: ", fil_tmp)
msd_tmp = np.loadtxt(fil_tmp).T
time = np.arange(len(msd_tmp[0]))*dt
#print(L, T)
#print(time)
# element of the non-molten matrix
coeff_fit_tmp = np.polyfit(time[START_STEP:],msd_tmp[0,START_STEP:],1)
A[iL,iT,0] = coeff_fit_tmp[1] # in Ang^2
coeff_fit_tmp = np.polyfit(time[START_STEP:],msd_tmp[0,START_STEP:]+np.sqrt(msd_tmp[1,START_STEP:]),1)
A[iL,iT,1] = np.abs(coeff_fit_tmp[1] - A[iL,iT,0])
# element of the molten diffusive species
coeff_fit_tmp = np.polyfit(time[START_STEP:],msd_tmp[2,START_STEP:],1)
D[iL,iT,0] = coeff_fit_tmp[0]/6.0 # in Ang^2
coeff_fit_tmp = np.polyfit(time[START_STEP:],msd_tmp[2,START_STEP:]+np.sqrt(msd_tmp[3,START_STEP:]),1)
D[iL,iT,1] = np.abs(coeff_fit_tmp[0]/6.0 - D[iL,iT,0])
# self msd
fil_tmp = dirname+str(L)+"x"+str(L)+"x"+str(L)+"/T_"+str(T)+"_K/"+ msd_self_file
#print(" analysing file: ", fil_tmp)
msd_tmp = np.loadtxt(fil_tmp).T
time = np.arange(len(msd_tmp[0]))*dt
# element of the non-molten matrix
coeff_fit_tmp = np.polyfit(time[START_STEP:],msd_tmp[0,START_STEP:],1)
A_self[iL,iT,0] = coeff_fit_tmp[1] # in Ang^2
coeff_fit_tmp = np.polyfit(time[START_STEP:],msd_tmp[0,START_STEP:]+np.sqrt(msd_tmp[1,START_STEP:]),1)
A_self[iL,iT,1] = np.abs(coeff_fit_tmp[1] - A_self[iL,iT,0])
# element of the molten diffusive species
coeff_fit_tmp = np.polyfit(time[START_STEP:],msd_tmp[2,START_STEP:],1)
D_self[iL,iT,0] = coeff_fit_tmp[0]/6.0 # in Ang^2
coeff_fit_tmp = np.polyfit(time[START_STEP:],msd_tmp[2,START_STEP:]+np.sqrt(msd_tmp[3,START_STEP:]),1)
D_self[iL,iT,1] = np.abs(coeff_fit_tmp[0]/6.0 - D_self[iL,iT,0])
# cm msd
fil_tmp = dirname+str(L)+"x"+str(L)+"x"+str(L)+"/T_"+str(T)+"_K/"+ msd_cm_file
#print(" analysing file: ", fil_tmp)
msd_tmp = np.loadtxt(fil_tmp).T
time = np.arange(len(msd_tmp[0]))*dt
coeff_fit_tmp = np.polyfit(time[START_STEP:],msd_tmp[6,START_STEP:],1)
D_cm[iL,iT,0] = N_F*L**3*coeff_fit_tmp[0]/6.0 # in Ang^2/ps
coeff_fit_tmp = np.polyfit(time[START_STEP:],msd_tmp[6,START_STEP:]+np.sqrt(msd_tmp[7,START_STEP:]),1)
D_cm[iL,iT,1] = np.abs(N_F*L**3*coeff_fit_tmp[0]/6.0 - D_cm[iL,iT,0])
return A, D, A_self, D_self, D_cm
def plot_D_with_errorbars(L_min, L_max, inv_T_arr, D_self):
for iL, L in enumerate(np.arange(L_min, L_max + 1)):
plt.fill_between((inv_T_arr*1000.),
np.log10(D_self[iL,:,0]-D_self[iL,:,1]),
np.log10(D_self[iL,:,0]+D_self[iL,:,1]),
'o-', alpha=0.4, label="L="+str(L))
plt.legend()
plt.xlabel("$10^3 / T$ [K$^{-1}$]")
plt.ylabel("Log(D [$\AA^2$/ps])")
def expD(x, a, b):
kB_eV = 8.617333e-2 # meV/K
return a * np.exp(- b / kB_eV / x )
def piecewice_fit_D(L_min, L_max, Temp, D_self, indexTc, startT = 2, delta = 0, NFU=12):
#ax = plt.gca()
for iL, L in enumerate(np.arange(L_min, L_max + 1)):
# subdivide in two temperature regimes, i.e. below and above the T_c to SI phase for a given L
if indexTc[iL] > 0:
iTc = indexTc[iL]
iTM = iTc+delta
popt_lowT, pcov_lowT = curve_fit(expD,
Temp[startT:iTM],
D_self[iL, startT:iTM, 0],
sigma=D_self[iL, startT:iTM, 1])
popt_higT, pcov_higT = curve_fit(expD,
Temp[iTc:],
D_self[iL, iTc:, 0],
sigma=D_self[iL, iTc:, 1])
perr_lowT = np.sqrt(np.diag(pcov_lowT))
perr_higT = np.sqrt(np.diag(pcov_higT))
print("L =", L, ", slope low T [meV] = ", int(popt_lowT[1]), "+/-", int(perr_lowT[1]))
print("L =", L, ", slope hig T [meV] = ", int(popt_higT[1]), "+/-", int(perr_higT[1]))
print()
print("L =", L, ", intercept low T [$\AA^2$/ps] = ", int(popt_lowT[0]), "+/-", int(perr_lowT[0]))
print("L =", L, ", intercept hig T [$\AA^2$/ps] = ", int(popt_higT[0]), "+/-", int(perr_higT[0]))
print()
mycolor = cm.get_cmap('Dark2') #= next(ax._get_lines.prop_cycler)['color']
plt.yscale("log")
plt.errorbar(1/Temp[startT:]*1000., D_self[iL,startT:,0], D_self[iL,startT:,1], ls='none', color=mycolor(iL))
plt.plot(1/Temp[startT:]*1000., D_self[iL,startT:,0], '.', color=mycolor(iL))
plt.plot(1/Temp[startT:iTM]*1000., expD(Temp[startT:iTM], *popt_lowT), '--', color=mycolor(iL), label="N="+str(L**3*NFU)+", $E_a^<$ = "+str(int(popt_lowT[1]))+"$\pm$"+str(int(perr_lowT[1]))+" meV")
plt.plot(1/Temp[iTc:]*1000., expD(Temp[iTc:], *popt_higT), '-', color=mycolor(iL), label="N="+str(L**3*NFU)+", $E_a^>$ = "+str(int(popt_higT[1]))+"$\pm$"+str(int(perr_higT[1]))+" meV")
else:
popt, pcov = curve_fit(expD, Temp[startT:], D_self[iL, startT:, 0], sigma=D_self[iL, startT:, 1])
perr = np.sqrt(np.diag(pcov))
print("L =", L, ", slope [meV] = ", int(popt[1]), "+/-", int(perr[1]))
print()
print("L =", L, ", intercept [$\AA^2$/ps] = ", np.round(popt[0],3), "+/-", np.round(perr[0],3))
print()
mycolor = cm.get_cmap('Dark2') #color = next(ax._get_lines.prop_cycler)['color']
plt.yscale("log")
plt.errorbar(1/Temp[startT:]*1000., D_self[iL,startT:,0], D_self[iL,startT:,1], ls='none', color=mycolor(iL))
plt.plot(1/Temp[startT:]*1000., D_self[iL,startT:,0], '.', color=mycolor(iL))
plt.plot(1/Temp[startT:]*1000., expD(Temp[startT:], *popt), '--', color=mycolor(iL), label="N="+str(L**3*NFU)+", $E_a^<$ = "+str(int(popt[1]))+"$\pm$"+str(int(perr[1]))+" meV")
plt.legend()
#plt.ylim(9e-5,2.)
plt.xlabel("$10^3 / T$ [K$^{-1}$]")
plt.ylabel("$D$ [$\AA^2$ / ps]")
def plot_fit_Debye_Waller_new(L_min, L_max, T_min, T_max, T_step, A):
N_T = int((T_max - T_min) // T_step + 1)
one_on_L = 1.0/np.arange(L_min, L_max + 1)
coeff_fit = np.zeros((N_T,2)) # last two indices: slope and intercept
coeff_err = np.zeros((N_T,2)) # last two indices: slope and intercept
fig,ax = plt.subplots(N_T//2,2, figsize=(8,20))
ax = ax.ravel()
for iT, T in enumerate(np.arange(T_min, T_max + T_step, T_step)):
# fit and find covariance of the fit parameters:
coeff_fit[iT], covar = np.polyfit(one_on_L, A[:,iT,0] / T, 1, cov=True)
# compute error on fit parameters:
coeff_err[iT] = np.sqrt(np.diag(covar))
# plot everything
ax[iT].errorbar(one_on_L, A[:,iT,0], A[:,iT,1], label="T ="+str(T)+"K")
ax[iT].plot(one_on_L, (one_on_L*coeff_fit[iT,0] + coeff_fit[iT,1]) * T, label='fit')
ax[iT].legend()
plt.tight_layout()
return coeff_fit, coeff_err#, slope_fit
def plot_msd_selected(dt, L_min, L_max, T_min, T_max, T_step, dirname, BLOCKS=4, col=2, color_offset=0):
msd_file = "msd_self_B"+str(BLOCKS)+".dat"
mycolor = cm.get_cmap('Dark2')
for iL, L in enumerate(np.arange(L_min, L_max + 1)):
print(iL, L)
for iT, T in enumerate(np.arange(T_min, T_max + T_step, T_step)):
print(iT, T)
# self msd
fil_tmp = dirname+str(L)+"x"+str(L)+"x"+str(L)+"/T_"+str(T)+"_K/"+ msd_file
print(" analysing file: ", fil_tmp)
msd_tmp = np.loadtxt(fil_tmp).T
time = np.arange(len(msd_tmp[col]))*dt
plt.plot(time, msd_tmp[col], color=mycolor(iL+color_offset), label='$N=$'+str(L**3*12))#+'$T=$'+str(T)+"K")
plt.fill_between(time,
msd_tmp[col] - np.sqrt(msd_tmp[col+1]),
msd_tmp[col] + np.sqrt(msd_tmp[col+1]),
alpha=0.3, color=mycolor(iL+color_offset))
plt.legend()
plt.xlim(-0.2,10)
plt.xlabel("time [ps]")
plt.ylabel("MSD [$\AA^2$]")
def plot_D_subplots(L_min, L_max, T_min, T_max, T_step, D_self):
N_T = int((T_max - T_min) // T_step + 1)
fig,ax = plt.subplots(N_T//2,2, figsize=(8,14))
ax = ax.ravel()
for iT, T in enumerate(np.arange(T_min, T_max + T_step, T_step)):
ax[iT].errorbar(1/np.arange(L_min, L_max + 1), D_self[:,iT,0], D_self[:,iT,1], label="T ="+str(T)+"K")
ax[iT].legend()
plt.tight_layout()
def specific_heat(L_min, L_max, T_min, T_max, T_step, dirname, nvt_file="nvt_log", SKIP=10, STEP_ASY=200, NU=4):
N_L = int(L_max - L_min + 1)
N_T = int((T_max - T_min) // T_step + 1)
print("N_L:", N_L)
print("N_T:", N_T)
C_V = np.zeros((N_L,N_T,2))
R_gas = 8.314 # gas constant in J/K/mol
kB_eV = 8.617333262e-5 # eV/K
for iL, L in enumerate(np.arange(L_min, L_max + 1)):
#print(iL, L)
for iT, T in enumerate(np.arange(T_min, T_max + T_step, T_step)):
#print(iT, T)
# self msd
fil_tmp = dirname+str(L)+"x"+str(L)+"x"+str(L)+"/T_"+str(T)+"_K/"+nvt_file
#print(" analysing file: ", fil_tmp)
nvt = np.loadtxt(fil_tmp, skiprows=1, usecols=2).T[::SKIP]
random.shuffle(nvt) # every day I'm shuffling
maxsize = len(nvt)//2
BSIZES = np.arange(1,maxsize,1) # block sizes
msdH1Bstd = np.zeros(BSIZES.size)
msdH1Bmean = np.zeros(BSIZES.size)
for i,BSIZE in enumerate(BSIZES):
NBLOCKS = nvt[:].size//BSIZE
ntot = BSIZE*NBLOCKS # may be less than T.size
H1B = nvt[:][:ntot].reshape((NBLOCKS,BSIZE))
msdH1B = (H1B.std(axis=1))**2
msdH1Bmean[i] = msdH1B.mean()
msdH1Bstd[i] = msdH1B.std()/np.sqrt(NBLOCKS-1)
C_V[iL, iT, 0] = msdH1Bmean[STEP_ASY]/kB_eV/T**2/L**3/(NU)/kB_eV
C_V[iL, iT, 1] = msdH1Bstd[STEP_ASY]/kB_eV/T**2/L**3/(NU)/kB_eV
plt.plot(msdH1Bmean)
plt.plot(msdH1Bstd)
return C_V*R_gas
def excess_energy(L_min, L_max, T_min, T_max, T_step, dirname, nvt_file="nvt_log", SKIP=10, STEP_ASY=200, NU=4):
N_L = int(L_max - L_min + 1)
N_T = int((T_max - T_min) // T_step + 1)
print("N_L:", N_L)
print("N_T:", N_T)
Delta = np.zeros((N_L,N_T,2))
R_gas = 8.314 # gas constant in J/K/mol
kB_eV = 8.617333262e-5 # eV/K
for iL, L in enumerate(np.arange(L_min, L_max + 1)):
#print(iL, L)
for iT, T in enumerate(np.arange(T_min, T_max + T_step, T_step)):
#print(iT, T)
# self msd
fil_tmp = dirname+str(L)+"x"+str(L)+"x"+str(L)+"/T_"+str(T)+"_K/"+nvt_file
#print(" analysing file: ", fil_tmp)
nvt = np.loadtxt(fil_tmp, skiprows=1, usecols=2).T[::SKIP]
random.shuffle(nvt) # every day I'm shuffling
maxsize = len(nvt)//2
BSIZES = np.arange(1,maxsize,1) # block sizes
H1Bstd = np.zeros(BSIZES.size)
H1Bmean = np.zeros(BSIZES.size)
for i,BSIZE in enumerate(BSIZES):
NBLOCKS = nvt[:].size//BSIZE
ntot = BSIZE*NBLOCKS # may be less than T.size
H1B = nvt[:][:ntot].reshape((NBLOCKS,BSIZE))
mH1B = H1B.mean(axis=1)
H1Bmean[i] = mH1B.mean()
H1Bstd[i] = mH1B.std()/np.sqrt(NBLOCKS-1)
Delta[iL, iT, 0] = H1Bmean[STEP_ASY]/L**3/(NU) # in metal units...eV
Delta[iL, iT, 1] = H1Bstd[STEP_ASY]/L**3/(NU) # in metal units...eV
return Delta
def plot_C_V_vs_T(L_min, L_max, Temp, C_V):
for iL, L in enumerate(np.arange(L_min, L_max + 1)):
plt.fill_between(Temp,
C_V[iL,:,0] - C_V[iL,:,1],
C_V[iL,:,0] + C_V[iL,:,1],
alpha=0.3)
plt.plot(Temp,
C_V[iL,:,0],
'o-',
label=str(L)+"x"+str(L)+"x"+str(L))
plt.xlabel("$T$ [K]")
plt.ylabel("$C_V$ [J K$^{-1}$ mol$^{-1}$]")
plt.legend()
def pressure(L_min, L_max, T_min, T_max, T_step, dirname, nvt_file="nvt_log", SKIP=10, STEP_ASY=200):
N_L = int(L_max - L_min + 1)
N_T = int((T_max - T_min) // T_step + 1)
print("N_L:", N_L)
print("N_T:", N_T)
press = np.zeros((N_L,N_T,3))
R_gas = 8.314 # gas constant in J/K/mol
kB_eV = 8.617333262e-5 # eV/K
for iL, L in enumerate(np.arange(L_min, L_max + 1)):
#print(iL, L)
for iT, T in enumerate(np.arange(T_min, T_max + T_step, T_step)):
#print(iT, T)
# self msd
fil_tmp = dirname+str(L)+"x"+str(L)+"x"+str(L)+"/T_"+str(T)+"_K/"+nvt_file
#print(" analysing file: ", fil_tmp)
nvt = np.loadtxt(fil_tmp, skiprows=1, usecols=5).T[::SKIP] # fifth column is pressure
press[iL, iT, 0] = np.mean(nvt) # in some units...
press[iL, iT, 1] = np.std(nvt) # in some units...
BSIZES = np.arange(1,1000,1) # block sizes
mH1Bstd = np.zeros(BSIZES.size)
mH1Bmean = np.zeros(BSIZES.size)
for i,BSIZE in enumerate(BSIZES):
NBLOCKS = nvt[:].size//BSIZE
ntot = BSIZE*NBLOCKS # may be less than T.size
H1B = nvt[:][:ntot].reshape((NBLOCKS,BSIZE))
mH1B = H1B.std(axis=1)
mH1Bmean[i] = mH1B.mean()
mH1Bstd[i] = mH1B.std()/np.sqrt(NBLOCKS-1)
press[iL, iT, 2] = mH1Bstd[STEP_ASY] # in some units...
return press
def plot_press_vs_invT(L_min, L_max, inv_T_arr, press, vert_line_at=1.4):
for iL, L in enumerate(np.arange(L_min, L_max+1)):
plt.fill_between(inv_T_arr*1000.,
(press[iL,:,0] - press[iL,:,1])/10.,
(press[iL,:,0] + press[iL,:,1])/10.,
alpha=0.2,
label="self, L="+str(L))
plt.plot(inv_T_arr*1000.,
(press[iL,:,0])/10.,
'o-',
label="self, L="+str(L))
plt.axvline(x=vert_line_at,color='k', linestyle='--')
plt.legend()
plt.xlabel("1/T")
plt.ylabel("$P$ [MPa]")
def temperature(L_min, L_max, T_min, T_max, T_step, dirname, nve_file="nve_log", SKIP=10):
N_L = int(L_max - L_min + 1)
N_T = int((T_max - T_min) // T_step + 1)
print("N_L:", N_L)
print("N_T:", N_T)
temperature = np.zeros((N_L,N_T,2))
R_gas = 8.314 # gas constant in J/K/mol
kB_eV = 8.617333262e-5 # eV/K
for iL, L in enumerate(np.arange(L_min, L_max + 1)):
#print(iL, L)
for iT, T in enumerate(np.arange(T_min, T_max + T_step, T_step)):
#print(iT, T)
# self msd
fil_tmp = dirname+str(L)+"x"+str(L)+"x"+str(L)+"/T_"+str(T)+"_K/"+nve_file
#print(" analysing file: ", fil_tmp)
nve = np.loadtxt(fil_tmp, skiprows=1, usecols=4).T[::SKIP] # fourth column is temperature
temperature[iL, iT, 0] = np.mean(nve) # in some units...
temperature[iL, iT, 1] = np.std(nve) # in some units...
return temperature
N_ratio_fluorites = 2.0 # ratio between the number of diffusive and non-diffusive atoms
dt = 0.004*10. # picoseconds
alat_PbF2_NVE = 6.056 # angstrom
L_min_PbF2_NVE = 2
L_max_PbF2_NVE = 3
T_min_PbF2_NVE = 500
T_max_PbF2_NVE = 1250
T_step_PbF2_NVE = 50
temp_PbF2_NVE = temperature(L_min_PbF2_NVE, L_max_PbF2_NVE, T_min_PbF2_NVE, T_max_PbF2_NVE, T_step_PbF2_NVE, dirname="./PbF2/NVE_L_T_6p056/", nve_file="nve_log", SKIP=10)
inv_T_arr_PbF2_NVE = 1./temp_PbF2_NVE
N_L: 2 N_T: 16
m_Pb = 207.2
m_F = 18.998403
print(temp_PbF2_NVE.shape)
(2, 16, 2)
A_PbF2_NVE, D_PbF2_NVE, A_self_PbF2_NVE, D_self_PbF2_NVE, D_cm_PbF2_NVE = compute_diffusivities(dt,
L_min_PbF2_NVE,
L_max_PbF2_NVE,
T_min_PbF2_NVE,
T_max_PbF2_NVE,
T_step_PbF2_NVE,
"./PbF2/NVE_L_T_6p056/",
BLOCKS=4,
START_STEP=1000)
N_L: 2 N_T: 16
alat_PbF2_NVT_DSF = 6.056 # angstrom
L_min_PbF2_NVT_DSF = 2
L_max_PbF2_NVT_DSF = 3
T_min_PbF2_NVT_DSF = 400
T_max_PbF2_NVT_DSF = 1250
T_step_PbF2_NVT_DSF = 50
factor_sigma_PbF2_NVT_DSF = (1.0 + m_F/m_Pb)**2
prefactor_PbF2_NVT_DSF = N_ratio_fluorites*m_F/m_Pb*(2.0 + N_ratio_fluorites*m_F/m_Pb)
inv_T_arr_PbF2_NVT_DSF = 1.0/np.arange(T_min_PbF2_NVT_DSF, T_max_PbF2_NVT_DSF + T_step_PbF2_NVT_DSF, T_step_PbF2_NVT_DSF)
D_LAB_PbF2_NVT_DSF = compute_diffusivities_LAB(dt,
L_min_PbF2_NVT_DSF,
L_max_PbF2_NVT_DSF,
T_min_PbF2_NVT_DSF,
T_max_PbF2_NVT_DSF,
T_step_PbF2_NVT_DSF,
"./PbF2/NVT_L_T_6p056_born-coul-dsf-ALAT/",
prefactor_PbF2_NVT_DSF,
BLOCKS=4,
START_STEP=500, END_STEP=2000)
N_L: 2 N_T: 18
alat_PbF2_NVT_LONG = 6.056 # angstrom
L_min_PbF2_NVT_LONG = 2
L_max_PbF2_NVT_LONG = 3
T_min_PbF2_NVT_LONG = 400
T_max_PbF2_NVT_LONG = 1250
T_step_PbF2_NVT_LONG = 50
factor_sigma_PbF2_NVT_LONG = (1.0 + m_F/m_Pb)**2
prefactor_PbF2_NVT_LONG = N_ratio_fluorites*m_F/m_Pb*(2.0 + N_ratio_fluorites*m_F/m_Pb)
inv_T_arr_PbF2_NVT_LONG = 1.0/np.arange(T_min_PbF2_NVT_LONG, T_max_PbF2_NVT_LONG + T_step_PbF2_NVT_LONG, T_step_PbF2_NVT_LONG)
D_LAB_PbF2_NVT_LONG = compute_diffusivities_LAB(dt,
L_min_PbF2_NVT_LONG,
L_max_PbF2_NVT_LONG,
T_min_PbF2_NVT_LONG,
T_max_PbF2_NVT_LONG,
T_step_PbF2_NVT_LONG,
"./PbF2/NVT_L_T_6p056_born-coul-long-ALAT/",
prefactor_PbF2_NVT_LONG,
BLOCKS=4,
START_STEP=500, END_STEP=2000)
N_L: 2 N_T: 18
mark = ['o', 's', 'v', 'd']
col1 = ['tab:orange', 'tab:blue']
col2 = ['tab:red', 'tab:green']
off=0
for iL, L in enumerate(np.arange(2+off, 4)):
plt.errorbar(inv_T_arr_PbF2_NVT_DSF*1000., D_LAB_PbF2_NVT_DSF[iL+off,:,0], D_LAB_PbF2_NVT_DSF[iL+off,:,1],
marker=mark[iL+off], markersize=3, color=col1[iL], label="SR, $N$ = "+str(L**3*12))
plt.errorbar(inv_T_arr_PbF2_NVT_LONG*1000., D_LAB_PbF2_NVT_LONG[iL+off,:,0], D_LAB_PbF2_NVT_LONG[iL+off,:,1],
marker=mark[iL+off], markersize=3, color=col2[iL], label="LR, $N$ = "+str(L**3*12))
plt.yscale('log')
plt.legend()
plt.xlabel("$10^3/T$ [K$^{-1}$]")
plt.ylabel("D [$\AA^2$/ps]")
plt.tick_params(which='both', direction='in')
plt.savefig('D_PbF2_NVT_shortVSlong.pdf', format='pdf', bbox_inches='tight')
alat_PbF2_NVE_heat = 6.056 # angstrom
L_min_PbF2_NVE_heat = 2
L_max_PbF2_NVE_heat = 3
T_min_PbF2_NVE_heat = 300
T_max_PbF2_NVE_heat = 1300
T_step_PbF2_NVE_heat = 100
temp_PbF2_NVE_heat = temperature(L_min_PbF2_NVE_heat, L_max_PbF2_NVE_heat, T_min_PbF2_NVE_heat, T_max_PbF2_NVE_heat, T_step_PbF2_NVE_heat, dirname="./PbF2/NVE_L_T_6p056_heat/", nve_file="nve_log", SKIP=10)
inv_T_arr_PbF2_NVE_heat = 1./temp_PbF2_NVE_heat
N_L: 2 N_T: 11
print(temp_PbF2_NVE_heat.shape)
(2, 11, 2)
kappa_HC_PbF2_NVE = compute_thermkappa_cepstral(L_min_PbF2_NVE_heat,
L_max_PbF2_NVE_heat,
T_min_PbF2_NVE_heat,
T_max_PbF2_NVE_heat,
T_step_PbF2_NVE_heat,
"./PbF2/NVE_L_T_6p056_heat/",
file="nve_log",
resh=[24,12500],
fstar=31.250,
AIC_corr=1.0)
0 300 analysing file: ./PbF2/NVE_L_T_6p056_heat/2x2x2/T_300_K/nve_log dt = 8.000000000009777 alat = 1.2112000000000001e-09 TEMPERATURE = 294.96910294287056 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.06454 min(PSD) (post-filter&sample) = 0.24875 % of original PSD Power f<f* (pre-filter&sample) = 99.996 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 92 (P* = 93, corr_factor = 1.000000) L_0* = 9.625108 +/- 0.051290 S_0* = 15822.937223 +/- 811.560641 ----------------------------------------------------- kappa* = 0.951466 +/- 0.048801 W/m/K ----------------------------------------------------- 1 400 analysing file: ./PbF2/NVE_L_T_6p056_heat/2x2x2/T_400_K/nve_log dt = 8.000000000009777 alat = 1.2112000000000001e-09 TEMPERATURE = 393.9874611675884 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.11822 min(PSD) (post-filter&sample) = 0.43285 % of original PSD Power f<f* (pre-filter&sample) = 99.996 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 88 (P* = 89, corr_factor = 1.000000) L_0* = 10.151935 +/- 0.050169 S_0* = 26796.949373 +/- 1344.373665 ----------------------------------------------------- kappa* = 0.903192 +/- 0.045312 W/m/K ----------------------------------------------------- 2 500 analysing file: ./PbF2/NVE_L_T_6p056_heat/2x2x2/T_500_K/nve_log dt = 8.000000000009777 alat = 1.2112000000000001e-09 TEMPERATURE = 495.3105338457614 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.10311 min(PSD) (post-filter&sample) = 0.46983 % of original PSD Power f<f* (pre-filter&sample) = 99.998 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 81 (P* = 82, corr_factor = 1.000000) L_0* = 10.417420 +/- 0.048144 S_0* = 34944.895336 +/- 1682.385644 ----------------------------------------------------- kappa* = 0.745226 +/- 0.035878 W/m/K ----------------------------------------------------- 3 600 analysing file: ./PbF2/NVE_L_T_6p056_heat/2x2x2/T_600_K/nve_log dt = 8.000000000009777 alat = 1.2112000000000001e-09 TEMPERATURE = 592.0001503236969 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.26155 min(PSD) (post-filter&sample) = 1.09885 % of original PSD Power f<f* (pre-filter&sample) = 99.996 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 81 (P* = 82, corr_factor = 1.000000) L_0* = 10.817262 +/- 0.048144 S_0* = 52123.414772 +/- 2509.427596 ----------------------------------------------------- kappa* = 0.778124 +/- 0.037462 W/m/K ----------------------------------------------------- 4 700 analysing file: ./PbF2/NVE_L_T_6p056_heat/2x2x2/T_700_K/nve_log dt = 8.000000000009777 alat = 1.2112000000000001e-09 TEMPERATURE = 686.9097467747324 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.22393 min(PSD) (post-filter&sample) = 1.20199 % of original PSD Power f<f* (pre-filter&sample) = 99.997 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 43 (P* = 44, corr_factor = 1.000000) L_0* = 10.935968 +/- 0.035173 S_0* = 58692.996341 +/- 2064.400307 ----------------------------------------------------- kappa* = 0.650798 +/- 0.022890 W/m/K ----------------------------------------------------- 5 800 analysing file: ./PbF2/NVE_L_T_6p056_heat/2x2x2/T_800_K/nve_log dt = 8.000000000009777 alat = 1.2112000000000001e-09 TEMPERATURE = 785.8413319201807 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.54849 min(PSD) (post-filter&sample) = 2.70584 % of original PSD Power f<f* (pre-filter&sample) = 99.994 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 40 (P* = 41, corr_factor = 1.000000) L_0* = 11.183469 +/- 0.033938 S_0* = 75175.210901 +/- 2551.321401 ----------------------------------------------------- kappa* = 0.636890 +/- 0.021615 W/m/K ----------------------------------------------------- 6 900 analysing file: ./PbF2/NVE_L_T_6p056_heat/2x2x2/T_900_K/nve_log
dt = 8.000000000009777 alat = 1.2112000000000001e-09 TEMPERATURE = 883.49352299267 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.33646 min(PSD) (post-filter&sample) = 3.87900 % of original PSD Power f<f* (pre-filter&sample) = 99.996 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 42 (P* = 43, corr_factor = 1.000000) L_0* = 11.330830 +/- 0.034766 S_0* = 87110.984737 +/- 3028.519634 ----------------------------------------------------- kappa* = 0.583883 +/- 0.020299 W/m/K ----------------------------------------------------- 7 1000 analysing file: ./PbF2/NVE_L_T_6p056_heat/2x2x2/T_1000_K/nve_log dt = 8.000000000009777 alat = 1.2112000000000001e-09 TEMPERATURE = 960.9068363570362 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.27480 min(PSD) (post-filter&sample) = 5.58082 % of original PSD Power f<f* (pre-filter&sample) = 99.995 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 39 (P* = 40, corr_factor = 1.000000) L_0* = 11.554579 +/- 0.033517 S_0* = 108954.629945 +/- 3651.802176 ----------------------------------------------------- kappa* = 0.617366 +/- 0.020692 W/m/K ----------------------------------------------------- 8 1100 analysing file: ./PbF2/NVE_L_T_6p056_heat/2x2x2/T_1100_K/nve_log dt = 8.000000000009777 alat = 1.2112000000000001e-09 TEMPERATURE = 1095.1569311350888 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.68299 min(PSD) (post-filter&sample) = 13.55817 % of original PSD Power f<f* (pre-filter&sample) = 99.992 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 32 (P* = 33, corr_factor = 1.000000) L_0* = 11.768332 +/- 0.030402 S_0* = 134920.368058 +/- 4101.872935 ----------------------------------------------------- kappa* = 0.588551 +/- 0.017893 W/m/K ----------------------------------------------------- 9 1200 analysing file: ./PbF2/NVE_L_T_6p056_heat/2x2x2/T_1200_K/nve_log dt = 8.000000000009777 alat = 1.2112000000000001e-09 TEMPERATURE = 1170.7174112455875 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.95097 min(PSD) (post-filter&sample) = 18.56576 % of original PSD Power f<f* (pre-filter&sample) = 99.990 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 21 (P* = 22, corr_factor = 1.000000) L_0* = 11.876261 +/- 0.024728 S_0* = 150297.095781 +/- 3716.488762 ----------------------------------------------------- kappa* = 0.573728 +/- 0.014187 W/m/K ----------------------------------------------------- 10 1300 analysing file: ./PbF2/NVE_L_T_6p056_heat/2x2x2/T_1300_K/nve_log dt = 8.000000000009777 alat = 1.2112000000000001e-09 TEMPERATURE = 1286.7571329739703 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 1.39464 min(PSD) (post-filter&sample) = 32.01441 % of original PSD Power f<f* (pre-filter&sample) = 99.986 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 19 (P* = 20, corr_factor = 1.000000) L_0* = 12.036747 +/- 0.023549 S_0* = 176461.011680 +/- 4155.555393 ----------------------------------------------------- kappa* = 0.557590 +/- 0.013131 W/m/K ----------------------------------------------------- 0 300 analysing file: ./PbF2/NVE_L_T_6p056_heat/3x3x3/T_300_K/nve_log dt = 8.000000000009777 alat = 1.8168e-09 TEMPERATURE = 286.35106946410536 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.17675 min(PSD) (post-filter&sample) = 0.59500 % of original PSD Power f<f* (pre-filter&sample) = 99.997 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 98 (P* = 99, corr_factor = 1.000000) L_0* = 11.097097 +/- 0.052927 S_0* = 68954.703287 +/- 3649.597871 ----------------------------------------------------- kappa* = 1.303623 +/- 0.068997 W/m/K ----------------------------------------------------- 1 400 analysing file: ./PbF2/NVE_L_T_6p056_heat/3x3x3/T_400_K/nve_log
dt = 8.000000000009777 alat = 1.8168e-09 TEMPERATURE = 383.3402599407006 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.21718 min(PSD) (post-filter&sample) = 0.85685 % of original PSD Power f<f* (pre-filter&sample) = 99.998 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 55 (P* = 56, corr_factor = 1.000000) L_0* = 11.396453 +/- 0.039729 S_0* = 93019.184248 +/- 3695.575024 ----------------------------------------------------- kappa* = 0.981272 +/- 0.038985 W/m/K ----------------------------------------------------- 2 500 analysing file: ./PbF2/NVE_L_T_6p056_heat/3x3x3/T_500_K/nve_log dt = 8.000000000009777 alat = 1.8168e-09 TEMPERATURE = 477.4754865887341 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.47752 min(PSD) (post-filter&sample) = 1.86986 % of original PSD Power f<f* (pre-filter&sample) = 99.997 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 39 (P* = 40, corr_factor = 1.000000) L_0* = 11.690732 +/- 0.033517 S_0* = 124846.446033 +/- 4184.443777 ----------------------------------------------------- kappa* = 0.848906 +/- 0.028453 W/m/K ----------------------------------------------------- 3 600 analysing file: ./PbF2/NVE_L_T_6p056_heat/3x3x3/T_600_K/nve_log dt = 8.000000000009777 alat = 1.8168e-09 TEMPERATURE = 573.9553787657123 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.36632 min(PSD) (post-filter&sample) = 1.98648 % of original PSD Power f<f* (pre-filter&sample) = 99.998 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 43 (P* = 44, corr_factor = 1.000000) L_0* = 11.979021 +/- 0.035173 S_0* = 166563.039593 +/- 5858.497803 ----------------------------------------------------- kappa* = 0.783805 +/- 0.027569 W/m/K ----------------------------------------------------- 4 700 analysing file: ./PbF2/NVE_L_T_6p056_heat/3x3x3/T_700_K/nve_log dt = 8.000000000009777 alat = 1.8168e-09 TEMPERATURE = 676.6002450114499 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.93133 min(PSD) (post-filter&sample) = 4.73842 % of original PSD Power f<f* (pre-filter&sample) = 99.997 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 38 (P* = 39, corr_factor = 1.000000) L_0* = 12.225995 +/- 0.033090 S_0* = 213225.012739 +/- 7055.560481 ----------------------------------------------------- kappa* = 0.722037 +/- 0.023892 W/m/K ----------------------------------------------------- 5 800 analysing file: ./PbF2/NVE_L_T_6p056_heat/3x3x3/T_800_K/nve_log dt = 8.000000000009777 alat = 1.8168e-09 TEMPERATURE = 770.3645455572446 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.79606 min(PSD) (post-filter&sample) = 7.49358 % of original PSD Power f<f* (pre-filter&sample) = 99.997 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 38 (P* = 39, corr_factor = 1.000000) L_0* = 12.502988 +/- 0.033090 S_0* = 281277.255759 +/- 9307.391589 ----------------------------------------------------- kappa* = 0.734730 +/- 0.024312 W/m/K ----------------------------------------------------- 6 900 analysing file: ./PbF2/NVE_L_T_6p056_heat/3x3x3/T_900_K/nve_log dt = 8.000000000009777 alat = 1.8168e-09 TEMPERATURE = 850.6584448570513 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 1.31494 min(PSD) (post-filter&sample) = 14.11043 % of original PSD Power f<f* (pre-filter&sample) = 99.996 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 39 (P* = 40, corr_factor = 1.000000) L_0* = 12.632828 +/- 0.033517 S_0* = 320275.251966 +/- 10734.576976 ----------------------------------------------------- kappa* = 0.686118 +/- 0.022996 W/m/K ----------------------------------------------------- 7 1000 analysing file: ./PbF2/NVE_L_T_6p056_heat/3x3x3/T_1000_K/nve_log dt = 8.000000000009777 alat = 1.8168e-09 TEMPERATURE = 951.4925492316077 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 3.82294 min(PSD) (post-filter&sample) = 28.56651 % of original PSD Power f<f* (pre-filter&sample) = 99.991 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 38 (P* = 39, corr_factor = 1.000000) L_0* = 12.862660 +/- 0.033090 S_0* = 403030.613208 +/- 13336.178672 ----------------------------------------------------- kappa* = 0.690101 +/- 0.022835 W/m/K ----------------------------------------------------- 8 1100 analysing file: ./PbF2/NVE_L_T_6p056_heat/3x3x3/T_1100_K/nve_log
dt = 8.000000000009777 alat = 1.8168e-09 TEMPERATURE = 1050.4853063459366 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 3.63138 min(PSD) (post-filter&sample) = 40.63528 % of original PSD Power f<f* (pre-filter&sample) = 99.991 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 18 (P* = 19, corr_factor = 1.000000) L_0* = 12.986099 +/- 0.022938 S_0* = 455981.106619 +/- 10459.133773 ----------------------------------------------------- kappa* = 0.640549 +/- 0.014693 W/m/K ----------------------------------------------------- 9 1200 analysing file: ./PbF2/NVE_L_T_6p056_heat/3x3x3/T_1200_K/nve_log dt = 8.000000000009777 alat = 1.8168e-09 TEMPERATURE = 1150.20288600294 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 5.36659 min(PSD) (post-filter&sample) = 63.59614 % of original PSD Power f<f* (pre-filter&sample) = 99.988 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 19 (P* = 20, corr_factor = 1.000000) L_0* = 13.102363 +/- 0.023549 S_0* = 512200.374900 +/- 12062.024408 ----------------------------------------------------- kappa* = 0.600173 +/- 0.014134 W/m/K ----------------------------------------------------- 10 1300 analysing file: ./PbF2/NVE_L_T_6p056_heat/3x3x3/T_1300_K/nve_log dt = 8.000000000009777 alat = 1.8168e-09 TEMPERATURE = 1237.7822131558685 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 4.28602 min(PSD) (post-filter&sample) = 87.80960 % of original PSD Power f<f* (pre-filter&sample) = 99.988 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 16 (P* = 17, corr_factor = 1.000000) L_0* = 13.247294 +/- 0.021662 S_0* = 592082.598945 +/- 12825.883030 ----------------------------------------------------- kappa* = 0.599073 +/- 0.012977 W/m/K -----------------------------------------------------
kappa_HC_PbF2_NVE_singlecomp = compute_thermkappa_cepstral(L_min_PbF2_NVE_heat,
L_max_PbF2_NVE_heat,
T_min_PbF2_NVE_heat,
T_max_PbF2_NVE_heat,
T_step_PbF2_NVE_heat,
"./PbF2/NVE_L_T_6p056_heat/",
file="nve_log",
multic=False,
resh=[24,12500],
fstar=31.25,
AIC_corr=1.0)
0 300 analysing file: ./PbF2/NVE_L_T_6p056_heat/2x2x2/T_300_K/nve_log dt = 8.000000000009777 alat = 1.2112000000000001e-09 TEMPERATURE = 294.96910294287056 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 1.24365 min(PSD) (post-filter&sample) = 4.75755 % of original PSD Power f<f* (pre-filter&sample) = 99.997 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 89 (P* = 90, corr_factor = 1.000000) L_0* = 9.662984 +/- 0.049367 S_0* = 16403.155870 +/- 809.771032 ----------------------------------------------------- kappa* = 0.986356 +/- 0.048693 W/m/K ----------------------------------------------------- 1 400 analysing file: ./PbF2/NVE_L_T_6p056_heat/2x2x2/T_400_K/nve_log dt = 8.000000000009777 alat = 1.2112000000000001e-09 TEMPERATURE = 393.9874611675884 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 1.29722 min(PSD) (post-filter&sample) = 4.80135 % of original PSD Power f<f* (pre-filter&sample) = 99.997 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 73 (P* = 74, corr_factor = 1.000000) L_0* = 10.268175 +/- 0.044737 S_0* = 30044.045649 +/- 1344.080839 ----------------------------------------------------- kappa* = 1.012635 +/- 0.045302 W/m/K ----------------------------------------------------- 2 500 analysing file: ./PbF2/NVE_L_T_6p056_heat/2x2x2/T_500_K/nve_log dt = 8.000000000009777 alat = 1.2112000000000001e-09 TEMPERATURE = 495.3105338457614 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 1.86935 min(PSD) (post-filter&sample) = 6.78089 % of original PSD Power f<f* (pre-filter&sample) = 99.997 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 82 (P* = 83, corr_factor = 1.000000) L_0* = 10.637492 +/- 0.047397 S_0* = 43466.097786 +/- 2060.159921 ----------------------------------------------------- kappa* = 0.926947 +/- 0.043934 W/m/K ----------------------------------------------------- 3 600 analysing file: ./PbF2/NVE_L_T_6p056_heat/2x2x2/T_600_K/nve_log dt = 8.000000000009777 alat = 1.2112000000000001e-09 TEMPERATURE = 592.0001503236969 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 1.77343 min(PSD) (post-filter&sample) = 6.19407 % of original PSD Power f<f* (pre-filter&sample) = 99.998 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 71 (P* = 72, corr_factor = 1.000000) L_0* = 11.191347 +/- 0.044124 S_0* = 75628.776263 +/- 3337.055281 ----------------------------------------------------- kappa* = 1.129023 +/- 0.049817 W/m/K ----------------------------------------------------- 4 700 analysing file: ./PbF2/NVE_L_T_6p056_heat/2x2x2/T_700_K/nve_log dt = 8.000000000009777 alat = 1.2112000000000001e-09 TEMPERATURE = 686.9097467747324 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 2.68540 min(PSD) (post-filter&sample) = 8.24621 % of original PSD Power f<f* (pre-filter&sample) = 99.997 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 53 (P* = 54, corr_factor = 1.000000) L_0* = 11.529831 +/- 0.038168 S_0* = 106093.518986 +/- 4049.384841 ----------------------------------------------------- kappa* = 1.176383 +/- 0.044900 W/m/K ----------------------------------------------------- 5 800 analysing file: ./PbF2/NVE_L_T_6p056_heat/2x2x2/T_800_K/nve_log dt = 8.000000000009777 alat = 1.2112000000000001e-09 TEMPERATURE = 785.8413319201807 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 2.21215 min(PSD) (post-filter&sample) = 7.41777 % of original PSD Power f<f* (pre-filter&sample) = 99.997 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 53 (P* = 54, corr_factor = 1.000000) L_0* = 11.889787 +/- 0.038168 S_0* = 152060.162460 +/- 5803.842899 ----------------------------------------------------- kappa* = 1.288265 +/- 0.049171 W/m/K ----------------------------------------------------- 6 900 analysing file: ./PbF2/NVE_L_T_6p056_heat/2x2x2/T_900_K/nve_log
dt = 8.000000000009777 alat = 1.2112000000000001e-09 TEMPERATURE = 883.49352299267 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 3.03401 min(PSD) (post-filter&sample) = 10.46601 % of original PSD Power f<f* (pre-filter&sample) = 99.997 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 44 (P* = 45, corr_factor = 1.000000) L_0* = 12.406390 +/- 0.034810 S_0* = 254902.183163 +/- 8873.130475 ----------------------------------------------------- kappa* = 1.708544 +/- 0.059474 W/m/K ----------------------------------------------------- 7 1000 analysing file: ./PbF2/NVE_L_T_6p056_heat/2x2x2/T_1000_K/nve_log dt = 8.000000000009777 alat = 1.2112000000000001e-09 TEMPERATURE = 960.9068363570362 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 2.98550 min(PSD) (post-filter&sample) = 13.65215 % of original PSD Power f<f* (pre-filter&sample) = 99.997 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 38 (P* = 39, corr_factor = 1.000000) L_0* = 12.712161 +/- 0.032378 S_0* = 346073.332427 +/- 11205.256611 ----------------------------------------------------- kappa* = 1.960943 +/- 0.063492 W/m/K ----------------------------------------------------- 8 1100 analysing file: ./PbF2/NVE_L_T_6p056_heat/2x2x2/T_1100_K/nve_log dt = 8.000000000009777 alat = 1.2112000000000001e-09 TEMPERATURE = 1095.1569311350888 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 5.36760 min(PSD) (post-filter&sample) = 24.16141 % of original PSD Power f<f* (pre-filter&sample) = 99.994 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 33 (P* = 34, corr_factor = 1.000000) L_0* = 13.171441 +/- 0.030203 S_0* = 547810.950634 +/- 16545.367578 ----------------------------------------------------- kappa* = 2.389667 +/- 0.072174 W/m/K ----------------------------------------------------- 9 1200 analysing file: ./PbF2/NVE_L_T_6p056_heat/2x2x2/T_1200_K/nve_log dt = 8.000000000009777 alat = 1.2112000000000001e-09 TEMPERATURE = 1170.7174112455875 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 5.94428 min(PSD) (post-filter&sample) = 26.30567 % of original PSD Power f<f* (pre-filter&sample) = 99.994 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 20 (P* = 21, corr_factor = 1.000000) L_0* = 13.346548 +/- 0.023627 S_0* = 652647.972618 +/- 15419.817400 ----------------------------------------------------- kappa* = 2.491347 +/- 0.058862 W/m/K ----------------------------------------------------- 10 1300 analysing file: ./PbF2/NVE_L_T_6p056_heat/2x2x2/T_1300_K/nve_log dt = 8.000000000009777 alat = 1.2112000000000001e-09 TEMPERATURE = 1286.7571329739703 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 3.37837 min(PSD) (post-filter&sample) = 37.84867 % of original PSD Power f<f* (pre-filter&sample) = 99.995 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 23 (P* = 24, corr_factor = 1.000000) L_0* = 13.552348 +/- 0.025296 S_0* = 801783.064238 +/- 20282.155907 ----------------------------------------------------- kappa* = 2.533513 +/- 0.064089 W/m/K ----------------------------------------------------- 0 300 analysing file: ./PbF2/NVE_L_T_6p056_heat/3x3x3/T_300_K/nve_log dt = 8.000000000009777 alat = 1.8168e-09 TEMPERATURE = 286.35106946410536 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 2.64379 min(PSD) (post-filter&sample) = 10.17490 % of original PSD Power f<f* (pre-filter&sample) = 99.998 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 73 (P* = 74, corr_factor = 1.000000) L_0* = 11.006888 +/- 0.044737 S_0* = 62889.419823 +/- 2813.484746 ----------------------------------------------------- kappa* = 1.188956 +/- 0.053190 W/m/K ----------------------------------------------------- 1 400 analysing file: ./PbF2/NVE_L_T_6p056_heat/3x3x3/T_400_K/nve_log
dt = 8.000000000009777 alat = 1.8168e-09 TEMPERATURE = 383.3402599407006 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 3.79598 min(PSD) (post-filter&sample) = 13.78863 % of original PSD Power f<f* (pre-filter&sample) = 99.998 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 97 (P* = 98, corr_factor = 1.000000) L_0* = 11.465486 +/- 0.051526 S_0* = 99481.890864 +/- 5125.894298 ----------------------------------------------------- kappa* = 1.049448 +/- 0.054074 W/m/K ----------------------------------------------------- 2 500 analysing file: ./PbF2/NVE_L_T_6p056_heat/3x3x3/T_500_K/nve_log dt = 8.000000000009777 alat = 1.8168e-09 TEMPERATURE = 477.4754865887341 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 2.97297 min(PSD) (post-filter&sample) = 10.12279 % of original PSD Power f<f* (pre-filter&sample) = 99.999 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 53 (P* = 54, corr_factor = 1.000000) L_0* = 11.701067 +/- 0.038168 S_0* = 125908.683643 +/- 4805.691429 ----------------------------------------------------- kappa* = 0.856129 +/- 0.032677 W/m/K ----------------------------------------------------- 3 600 analysing file: ./PbF2/NVE_L_T_6p056_heat/3x3x3/T_600_K/nve_log dt = 8.000000000009777 alat = 1.8168e-09 TEMPERATURE = 573.9553787657123 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 5.19212 min(PSD) (post-filter&sample) = 17.03626 % of original PSD Power f<f* (pre-filter&sample) = 99.998 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 67 (P* = 68, corr_factor = 1.000000) L_0* = 12.072505 +/- 0.042872 S_0* = 182544.644533 +/- 7826.080120 ----------------------------------------------------- kappa* = 0.859010 +/- 0.036828 W/m/K ----------------------------------------------------- 4 700 analysing file: ./PbF2/NVE_L_T_6p056_heat/3x3x3/T_700_K/nve_log dt = 8.000000000009777 alat = 1.8168e-09 TEMPERATURE = 676.6002450114499 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 12.55657 min(PSD) (post-filter&sample) = 43.86653 % of original PSD Power f<f* (pre-filter&sample) = 99.995 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 38 (P* = 39, corr_factor = 1.000000) L_0* = 12.574496 +/- 0.032378 S_0* = 301565.112870 +/- 9764.157356 ----------------------------------------------------- kappa* = 1.021180 +/- 0.033064 W/m/K ----------------------------------------------------- 5 800 analysing file: ./PbF2/NVE_L_T_6p056_heat/3x3x3/T_800_K/nve_log dt = 8.000000000009777 alat = 1.8168e-09 TEMPERATURE = 770.3645455572446 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 3.53736 min(PSD) (post-filter&sample) = 15.62710 % of original PSD Power f<f* (pre-filter&sample) = 99.999 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 38 (P* = 39, corr_factor = 1.000000) L_0* = 13.155280 +/- 0.032378 S_0* = 539029.077997 +/- 17452.830292 ----------------------------------------------------- kappa* = 1.408008 +/- 0.045589 W/m/K ----------------------------------------------------- 6 900 analysing file: ./PbF2/NVE_L_T_6p056_heat/3x3x3/T_900_K/nve_log dt = 8.000000000009777 alat = 1.8168e-09 TEMPERATURE = 850.6584448570513 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 11.55684 min(PSD) (post-filter&sample) = 42.60866 % of original PSD Power f<f* (pre-filter&sample) = 99.996 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 39 (P* = 40, corr_factor = 1.000000) L_0* = 13.586774 +/- 0.032796 S_0* = 829865.141014 +/- 27216.318400 ----------------------------------------------------- kappa* = 1.777799 +/- 0.058305 W/m/K ----------------------------------------------------- 7 1000 analysing file: ./PbF2/NVE_L_T_6p056_heat/3x3x3/T_1000_K/nve_log dt = 8.000000000009777 alat = 1.8168e-09 TEMPERATURE = 951.4925492316077 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 21.36156 min(PSD) (post-filter&sample) = 80.12403 % of original PSD Power f<f* (pre-filter&sample) = 99.994 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 38 (P* = 39, corr_factor = 1.000000) L_0* = 14.043592 +/- 0.032378 S_0* = 1310392.217280 +/- 42428.236098 ----------------------------------------------------- kappa* = 2.243759 +/- 0.072649 W/m/K ----------------------------------------------------- 8 1100 analysing file: ./PbF2/NVE_L_T_6p056_heat/3x3x3/T_1100_K/nve_log
dt = 8.000000000009777 alat = 1.8168e-09 TEMPERATURE = 1050.4853063459366 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 12.20462 min(PSD) (post-filter&sample) = 67.30624 % of original PSD Power f<f* (pre-filter&sample) = 99.996 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 25 (P* = 26, corr_factor = 1.000000) L_0* = 14.260242 +/- 0.026351 S_0* = 1627387.614475 +/- 42882.925317 ----------------------------------------------------- kappa* = 2.286108 +/- 0.060241 W/m/K ----------------------------------------------------- 9 1200 analysing file: ./PbF2/NVE_L_T_6p056_heat/3x3x3/T_1200_K/nve_log dt = 8.000000000009777 alat = 1.8168e-09 TEMPERATURE = 1150.20288600294 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 12.48993 min(PSD) (post-filter&sample) = 79.65706 % of original PSD Power f<f* (pre-filter&sample) = 99.995 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 22 (P* = 23, corr_factor = 1.000000) L_0* = 14.516876 +/- 0.024752 S_0* = 2103516.098063 +/- 52066.742352 ----------------------------------------------------- kappa* = 2.464805 +/- 0.061009 W/m/K ----------------------------------------------------- 10 1300 analysing file: ./PbF2/NVE_L_T_6p056_heat/3x3x3/T_1300_K/nve_log dt = 8.000000000009777 alat = 1.8168e-09 TEMPERATURE = 1237.7822131558685 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 10.13332 min(PSD) (post-filter&sample) = 87.86146 % of original PSD Power f<f* (pre-filter&sample) = 99.995 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 21 (P* = 22, corr_factor = 1.000000) L_0* = 14.733153 +/- 0.024196 S_0* = 2611401.189123 +/- 63185.312037 ----------------------------------------------------- kappa* = 2.642231 +/- 0.063931 W/m/K -----------------------------------------------------
plot_kappa_vs_T(L_min_PbF2_NVE_heat, L_max_PbF2_NVE_heat, temp_PbF2_NVE_heat, kappa_HC_PbF2_NVE, trueTemp=True)
plot_kappa_vs_T(L_min_PbF2_NVE_heat, L_max_PbF2_NVE_heat, temp_PbF2_NVE_heat, kappa_HC_PbF2_NVE_singlecomp, trueTemp=True)
alat_PbF2_NVT_heat = 6.056 # angstrom
L_min_PbF2_NVT_heat = 2
L_max_PbF2_NVT_heat = 4
T_min_PbF2_NVT_heat = 300
T_max_PbF2_NVT_heat = 1300
T_step_PbF2_NVT_heat = 100
trueTemp_PbF2_NVT_heat = temperature(L_min_PbF2_NVT_heat, L_max_PbF2_NVT_heat, T_min_PbF2_NVT_heat, T_max_PbF2_NVT_heat, T_step_PbF2_NVT_heat, dirname="./PbF2/NVT_L_T_6p056_heat/", nve_file="nvt_log", SKIP=10)
inv_T_arr_PbF2_NVT_heat = 1./trueTemp_PbF2_NVT_heat
N_L: 3 N_T: 11
Temp_PbF2_NVT_heat = np.arange(T_min_PbF2_NVT_heat, T_max_PbF2_NVT_heat + T_step_PbF2_NVT_heat, T_step_PbF2_NVT_heat)
print(trueTemp_PbF2_NVT_heat.shape)
(3, 11, 2)
kappa_HC_PbF2_NVT = compute_thermkappa_cepstral(L_min_PbF2_NVT_heat,
L_max_PbF2_NVT_heat,
T_min_PbF2_NVT_heat,
T_max_PbF2_NVT_heat,
T_step_PbF2_NVT_heat,
"./PbF2/NVT_L_T_6p056_heat/",
file="nvt_log",
use_target_T=True,
resh=[24,12500],
fstar=32.5,
AIC_corr=1.0)
0 300 analysing file: ./PbF2/NVT_L_T_6p056_heat/2x2x2/T_300_K/nvt_log dt = 8.000000000009777 alat = 1.2112000000000001e-09 TEMPERATURE = 300.17021340846594 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.03203 min(PSD) (post-filter&sample) = 0.12018 % of original PSD Power f<f* (pre-filter&sample) = 99.997 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 86 (P* = 87, corr_factor = 1.000000) L_0* = 9.705992 +/- 0.049599 S_0* = 17155.945831 +/- 850.914110 ----------------------------------------------------- kappa* = 0.996182 +/- 0.049409 W/m/K ----------------------------------------------------- 1 400 analysing file: ./PbF2/NVT_L_T_6p056_heat/2x2x2/T_400_K/nvt_log dt = 8.000000000009777 alat = 1.2112000000000001e-09 TEMPERATURE = 400.2316406246937 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.06292 min(PSD) (post-filter&sample) = 0.26491 % of original PSD Power f<f* (pre-filter&sample) = 99.996 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 80 (P* = 81, corr_factor = 1.000000) L_0* = 10.184669 +/- 0.047848 S_0* = 27688.630466 +/- 1324.836915 ----------------------------------------------------- kappa* = 0.904353 +/- 0.043271 W/m/K ----------------------------------------------------- 2 500 analysing file: ./PbF2/NVT_L_T_6p056_heat/2x2x2/T_500_K/nvt_log dt = 8.000000000009777 alat = 1.2112000000000001e-09 TEMPERATURE = 500.23265644363556 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.15449 min(PSD) (post-filter&sample) = 0.69094 % of original PSD Power f<f* (pre-filter&sample) = 99.995 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 86 (P* = 87, corr_factor = 1.000000) L_0* = 10.435337 +/- 0.049599 S_0* = 35576.642850 +/- 1764.558346 ----------------------------------------------------- kappa* = 0.743841 +/- 0.036894 W/m/K ----------------------------------------------------- 3 600 analysing file: ./PbF2/NVT_L_T_6p056_heat/2x2x2/T_600_K/nvt_log dt = 8.000000000009777 alat = 1.2112000000000001e-09 TEMPERATURE = 600.3160287717122 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.21908 min(PSD) (post-filter&sample) = 1.15837 % of original PSD Power f<f* (pre-filter&sample) = 99.994 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 78 (P* = 79, corr_factor = 1.000000) L_0* = 10.819233 +/- 0.047250 S_0* = 52226.269306 +/- 2467.668615 ----------------------------------------------------- kappa* = 0.758208 +/- 0.035825 W/m/K ----------------------------------------------------- 4 700 analysing file: ./PbF2/NVT_L_T_6p056_heat/2x2x2/T_700_K/nvt_log dt = 8.000000000009777 alat = 1.2112000000000001e-09 TEMPERATURE = 700.2883065004349 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.19347 min(PSD) (post-filter&sample) = 1.70797 % of original PSD Power f<f* (pre-filter&sample) = 99.995 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 37 (P* = 38, corr_factor = 1.000000) L_0* = 10.957108 +/- 0.032657 S_0* = 59946.962922 +/- 1957.698574 ----------------------------------------------------- kappa* = 0.639548 +/- 0.020886 W/m/K ----------------------------------------------------- 5 800 analysing file: ./PbF2/NVT_L_T_6p056_heat/2x2x2/T_800_K/nvt_log dt = 8.000000000009777 alat = 1.2112000000000001e-09 TEMPERATURE = 800.4877615462846 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.30096 min(PSD) (post-filter&sample) = 2.50863 % of original PSD Power f<f* (pre-filter&sample) = 99.994 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 40 (P* = 41, corr_factor = 1.000000) L_0* = 11.140840 +/- 0.033938 S_0* = 72037.926671 +/- 2444.847202 ----------------------------------------------------- kappa* = 0.588181 +/- 0.019962 W/m/K ----------------------------------------------------- 6 900 analysing file: ./PbF2/NVT_L_T_6p056_heat/2x2x2/T_900_K/nvt_log
dt = 8.000000000009777 alat = 1.2112000000000001e-09 TEMPERATURE = 900.430760495595 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.40277 min(PSD) (post-filter&sample) = 5.10627 % of original PSD Power f<f* (pre-filter&sample) = 99.993 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 38 (P* = 39, corr_factor = 1.000000) L_0* = 11.471628 +/- 0.033090 S_0* = 100281.484787 +/- 3318.288375 ----------------------------------------------------- kappa* = 0.647112 +/- 0.021413 W/m/K ----------------------------------------------------- 7 1000 analysing file: ./PbF2/NVT_L_T_6p056_heat/2x2x2/T_1000_K/nvt_log dt = 8.000000000009777 alat = 1.2112000000000001e-09 TEMPERATURE = 1000.6071399339006 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.35339 min(PSD) (post-filter&sample) = 6.89728 % of original PSD Power f<f* (pre-filter&sample) = 99.993 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 26 (P* = 27, corr_factor = 1.000000) L_0* = 11.580142 +/- 0.027453 S_0* = 111775.757317 +/- 3068.552537 ----------------------------------------------------- kappa* = 0.584090 +/- 0.016035 W/m/K ----------------------------------------------------- 8 1100 analysing file: ./PbF2/NVT_L_T_6p056_heat/2x2x2/T_1100_K/nvt_log dt = 8.000000000009777 alat = 1.2112000000000001e-09 TEMPERATURE = 1100.511822507475 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.63524 min(PSD) (post-filter&sample) = 10.97636 % of original PSD Power f<f* (pre-filter&sample) = 99.990 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 17 (P* = 18, corr_factor = 1.000000) L_0* = 11.752648 +/- 0.022309 S_0* = 132820.803377 +/- 2963.112444 ----------------------------------------------------- kappa* = 0.573768 +/- 0.012800 W/m/K ----------------------------------------------------- 9 1200 analysing file: ./PbF2/NVT_L_T_6p056_heat/2x2x2/T_1200_K/nvt_log dt = 8.000000000009777 alat = 1.2112000000000001e-09 TEMPERATURE = 1200.688260424596 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.78780 min(PSD) (post-filter&sample) = 18.08557 % of original PSD Power f<f* (pre-filter&sample) = 99.988 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 19 (P* = 20, corr_factor = 1.000000) L_0* = 11.925218 +/- 0.023549 S_0* = 157838.270932 +/- 3717.000553 ----------------------------------------------------- kappa* = 0.572811 +/- 0.013489 W/m/K ----------------------------------------------------- 10 1300 analysing file: ./PbF2/NVT_L_T_6p056_heat/2x2x2/T_1300_K/nvt_log dt = 8.000000000009777 alat = 1.2112000000000001e-09 TEMPERATURE = 1300.6376106624934 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 1.39800 min(PSD) (post-filter&sample) = 28.80378 % of original PSD Power f<f* (pre-filter&sample) = 99.984 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 16 (P* = 17, corr_factor = 1.000000) L_0* = 12.065251 +/- 0.021662 S_0* = 181563.150568 +/- 3933.079162 ----------------------------------------------------- kappa* = 0.561532 +/- 0.012164 W/m/K ----------------------------------------------------- 0 300 analysing file: ./PbF2/NVT_L_T_6p056_heat/3x3x3/T_300_K/nvt_log dt = 8.000000000009777 alat = 1.8168e-09 TEMPERATURE = 299.95144663563366 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.08548 min(PSD) (post-filter&sample) = 0.33765 % of original PSD Power f<f* (pre-filter&sample) = 99.998 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 89 (P* = 90, corr_factor = 1.000000) L_0* = 11.074017 +/- 0.050452 S_0* = 67381.460649 +/- 3399.499206 ----------------------------------------------------- kappa* = 1.160978 +/- 0.058573 W/m/K ----------------------------------------------------- 1 400 analysing file: ./PbF2/NVT_L_T_6p056_heat/3x3x3/T_400_K/nvt_log
dt = 8.000000000009777 alat = 1.8168e-09 TEMPERATURE = 399.94172452145466 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.29218 min(PSD) (post-filter&sample) = 1.27088 % of original PSD Power f<f* (pre-filter&sample) = 99.997 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 39 (P* = 40, corr_factor = 1.000000) L_0* = 11.322560 +/- 0.033517 S_0* = 86393.477959 +/- 2895.626289 ----------------------------------------------------- kappa* = 0.837285 +/- 0.028063 W/m/K ----------------------------------------------------- 2 500 analysing file: ./PbF2/NVT_L_T_6p056_heat/3x3x3/T_500_K/nvt_log dt = 8.000000000009777 alat = 1.8168e-09 TEMPERATURE = 499.93926653143467 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.68880 min(PSD) (post-filter&sample) = 3.13262 % of original PSD Power f<f* (pre-filter&sample) = 99.995 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 41 (P* = 42, corr_factor = 1.000000) L_0* = 11.756422 +/- 0.034355 S_0* = 133323.012405 +/- 4580.281514 ----------------------------------------------------- kappa* = 0.826906 +/- 0.028408 W/m/K ----------------------------------------------------- 3 600 analysing file: ./PbF2/NVT_L_T_6p056_heat/3x3x3/T_600_K/nvt_log dt = 8.000000000009777 alat = 1.8168e-09 TEMPERATURE = 599.898727592324 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.41334 min(PSD) (post-filter&sample) = 2.29481 % of original PSD Power f<f* (pre-filter&sample) = 99.997 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 43 (P* = 44, corr_factor = 1.000000) L_0* = 12.002677 +/- 0.035173 S_0* = 170550.188889 +/- 5998.737231 ----------------------------------------------------- kappa* = 0.734652 +/- 0.025840 W/m/K ----------------------------------------------------- 4 700 analysing file: ./PbF2/NVT_L_T_6p056_heat/3x3x3/T_700_K/nvt_log dt = 8.000000000009777 alat = 1.8168e-09 TEMPERATURE = 699.9019852354477 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.67293 min(PSD) (post-filter&sample) = 6.48998 % of original PSD Power f<f* (pre-filter&sample) = 99.996 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 40 (P* = 41, corr_factor = 1.000000) L_0* = 12.258933 +/- 0.033938 S_0* = 220365.154386 +/- 7478.826168 ----------------------------------------------------- kappa* = 0.697355 +/- 0.023667 W/m/K ----------------------------------------------------- 5 800 analysing file: ./PbF2/NVT_L_T_6p056_heat/3x3x3/T_800_K/nvt_log dt = 8.000000000009777 alat = 1.8168e-09 TEMPERATURE = 799.8498854635453 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.72654 min(PSD) (post-filter&sample) = 10.49815 % of original PSD Power f<f* (pre-filter&sample) = 99.996 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 40 (P* = 41, corr_factor = 1.000000) L_0* = 12.470710 +/- 0.033938 S_0* = 272343.120948 +/- 9242.871747 ----------------------------------------------------- kappa* = 0.659911 +/- 0.022396 W/m/K ----------------------------------------------------- 6 900 analysing file: ./PbF2/NVT_L_T_6p056_heat/3x3x3/T_900_K/nvt_log dt = 8.000000000009777 alat = 1.8168e-09 TEMPERATURE = 899.8660500740995 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 2.32152 min(PSD) (post-filter&sample) = 21.76310 % of original PSD Power f<f* (pre-filter&sample) = 99.993 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 37 (P* = 38, corr_factor = 1.000000) L_0* = 12.735105 +/- 0.032657 S_0* = 354765.677884 +/- 11585.645510 ----------------------------------------------------- kappa* = 0.679159 +/- 0.022179 W/m/K ----------------------------------------------------- 7 1000 analysing file: ./PbF2/NVT_L_T_6p056_heat/3x3x3/T_1000_K/nvt_log dt = 8.000000000009777 alat = 1.8168e-09 TEMPERATURE = 999.8649400667994 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 1.47896 min(PSD) (post-filter&sample) = 28.19555 % of original PSD Power f<f* (pre-filter&sample) = 99.993 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 21 (P* = 22, corr_factor = 1.000000) L_0* = 12.854486 +/- 0.024728 S_0* = 399749.530336 +/- 9884.852595 ----------------------------------------------------- kappa* = 0.619856 +/- 0.015328 W/m/K ----------------------------------------------------- 8 1100 analysing file: ./PbF2/NVT_L_T_6p056_heat/3x3x3/T_1100_K/nvt_log
dt = 8.000000000009777 alat = 1.8168e-09 TEMPERATURE = 1099.9055747824523 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 2.23546 min(PSD) (post-filter&sample) = 39.21775 % of original PSD Power f<f* (pre-filter&sample) = 99.991 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 23 (P* = 24, corr_factor = 1.000000) L_0* = 13.059773 +/- 0.025852 S_0* = 490843.860744 +/- 12689.376982 ----------------------------------------------------- kappa* = 0.628953 +/- 0.016260 W/m/K ----------------------------------------------------- 9 1200 analysing file: ./PbF2/NVT_L_T_6p056_heat/3x3x3/T_1200_K/nvt_log dt = 8.000000000009777 alat = 1.8168e-09 TEMPERATURE = 1199.842875385046 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 1.33211 min(PSD) (post-filter&sample) = 62.86518 % of original PSD Power f<f* (pre-filter&sample) = 99.990 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 24 (P* = 25, corr_factor = 1.000000) L_0* = 13.249977 +/- 0.026396 S_0* = 593673.363426 +/- 15670.888160 ----------------------------------------------------- kappa* = 0.639270 +/- 0.016874 W/m/K ----------------------------------------------------- 10 1300 analysing file: ./PbF2/NVT_L_T_6p056_heat/3x3x3/T_1300_K/nvt_log dt = 8.000000000009777 alat = 1.8168e-09 TEMPERATURE = 1299.8157705162948 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 3.61621 min(PSD) (post-filter&sample) = 127.53288 % of original PSD Power f<f* (pre-filter&sample) = 99.986 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 24 (P* = 25, corr_factor = 1.000000) L_0* = 13.394581 +/- 0.026396 S_0* = 686038.482043 +/- 18109.002337 ----------------------------------------------------- kappa* = 0.629463 +/- 0.016616 W/m/K ----------------------------------------------------- 0 300 analysing file: ./PbF2/NVT_L_T_6p056_heat/4x4x4/T_300_K/nvt_log dt = 8.000000000009777 alat = 2.4224000000000002e-09 TEMPERATURE = 299.89983175428245 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.32294 min(PSD) (post-filter&sample) = 1.36082 % of original PSD Power f<f* (pre-filter&sample) = 99.997 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 68 (P* = 69, corr_factor = 1.000000) L_0* = 11.938008 +/- 0.044138 S_0* = 159869.981789 +/- 7056.270427 ----------------------------------------------------- kappa* = 1.162476 +/- 0.051309 W/m/K ----------------------------------------------------- 1 400 analysing file: ./PbF2/NVT_L_T_6p056_heat/4x4x4/T_400_K/nvt_log dt = 8.000000000009777 alat = 2.4224000000000002e-09 TEMPERATURE = 399.8761073421266 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.86338 min(PSD) (post-filter&sample) = 3.94619 % of original PSD Power f<f* (pre-filter&sample) = 99.996 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 62 (P* = 63, corr_factor = 1.000000) L_0* = 12.374869 +/- 0.042160 S_0* = 247453.198735 +/- 10432.684794 ----------------------------------------------------- kappa* = 1.012072 +/- 0.042669 W/m/K ----------------------------------------------------- 2 500 analysing file: ./PbF2/NVT_L_T_6p056_heat/4x4x4/T_500_K/nvt_log dt = 8.000000000009777 alat = 2.4224000000000002e-09 TEMPERATURE = 499.83942906530945 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 1.50855 min(PSD) (post-filter&sample) = 7.38109 % of original PSD Power f<f* (pre-filter&sample) = 99.996 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 62 (P* = 63, corr_factor = 1.000000) L_0* = 12.740480 +/- 0.042160 S_0* = 356677.631118 +/- 15037.612435 ----------------------------------------------------- kappa* = 0.933650 +/- 0.039363 W/m/K ----------------------------------------------------- 3 600 analysing file: ./PbF2/NVT_L_T_6p056_heat/4x4x4/T_600_K/nvt_log dt = 8.000000000009777 alat = 2.4224000000000002e-09 TEMPERATURE = 599.8046603699963 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 1.64654 min(PSD) (post-filter&sample) = 5.89813 % of original PSD Power f<f* (pre-filter&sample) = 99.997 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 39 (P* = 40, corr_factor = 1.000000) L_0* = 12.969231 +/- 0.033517 S_0* = 448354.393771 +/- 15027.370123 ----------------------------------------------------- kappa* = 0.815025 +/- 0.027317 W/m/K ----------------------------------------------------- 4 700 analysing file: ./PbF2/NVT_L_T_6p056_heat/4x4x4/T_700_K/nvt_log
dt = 8.000000000009777 alat = 2.4224000000000002e-09 TEMPERATURE = 699.764083888161 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 2.20418 min(PSD) (post-filter&sample) = 11.98348 % of original PSD Power f<f* (pre-filter&sample) = 99.996 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 37 (P* = 38, corr_factor = 1.000000) L_0* = 13.193232 +/- 0.032657 S_0* = 560923.307529 +/- 18318.171697 ----------------------------------------------------- kappa* = 0.749151 +/- 0.024465 W/m/K ----------------------------------------------------- 5 800 analysing file: ./PbF2/NVT_L_T_6p056_heat/4x4x4/T_800_K/nvt_log dt = 8.000000000009777 alat = 2.4224000000000002e-09 TEMPERATURE = 799.7180413291869 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 3.23574 min(PSD) (post-filter&sample) = 23.58100 % of original PSD Power f<f* (pre-filter&sample) = 99.995 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 28 (P* = 29, corr_factor = 1.000000) L_0* = 13.361487 +/- 0.028470 S_0* = 663706.317132 +/- 18895.630444 ----------------------------------------------------- kappa* = 0.678690 +/- 0.019322 W/m/K ----------------------------------------------------- 6 900 analysing file: ./PbF2/NVT_L_T_6p056_heat/4x4x4/T_900_K/nvt_log dt = 8.000000000009777 alat = 2.4224000000000002e-09 TEMPERATURE = 899.7140360715392 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 4.23128 min(PSD) (post-filter&sample) = 32.22239 % of original PSD Power f<f* (pre-filter&sample) = 99.994 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 30 (P* = 31, corr_factor = 1.000000) L_0* = 13.657856 +/- 0.029452 S_0* = 892662.651301 +/- 26290.587393 ----------------------------------------------------- kappa* = 0.721187 +/- 0.021240 W/m/K ----------------------------------------------------- 7 1000 analysing file: ./PbF2/NVT_L_T_6p056_heat/4x4x4/T_1000_K/nvt_log dt = 8.000000000009777 alat = 2.4224000000000002e-09 TEMPERATURE = 999.6646428592711 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 2.70156 min(PSD) (post-filter&sample) = 57.85165 % of original PSD Power f<f* (pre-filter&sample) = 99.994 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 25 (P* = 26, corr_factor = 1.000000) L_0* = 13.796505 +/- 0.026930 S_0* = 1025420.264686 +/- 27614.360574 ----------------------------------------------------- kappa* = 0.671062 +/- 0.018072 W/m/K ----------------------------------------------------- 8 1100 analysing file: ./PbF2/NVT_L_T_6p056_heat/4x4x4/T_1100_K/nvt_log dt = 8.000000000009777 alat = 2.4224000000000002e-09 TEMPERATURE = 1099.6232044477554 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 8.03194 min(PSD) (post-filter&sample) = 140.32555 % of original PSD Power f<f* (pre-filter&sample) = 99.991 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 19 (P* = 20, corr_factor = 1.000000) L_0* = 13.914174 +/- 0.023549 S_0* = 1153465.905606 +/- 27163.459047 ----------------------------------------------------- kappa* = 0.623859 +/- 0.014692 W/m/K ----------------------------------------------------- 9 1200 analysing file: ./PbF2/NVT_L_T_6p056_heat/4x4x4/T_1200_K/nvt_log dt = 8.000000000009777 alat = 2.4224000000000002e-09 TEMPERATURE = 1199.6078495505046 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 9.25601 min(PSD) (post-filter&sample) = 211.16483 % of original PSD Power f<f* (pre-filter&sample) = 99.989 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 34 (P* = 35, corr_factor = 1.000000) L_0* = 14.142610 +/- 0.031324 S_0* = 1449483.163635 +/- 45403.123177 ----------------------------------------------------- kappa* = 0.658725 +/- 0.020634 W/m/K ----------------------------------------------------- 10 1300 analysing file: ./PbF2/NVT_L_T_6p056_heat/4x4x4/T_1300_K/nvt_log
dt = 8.000000000009777 alat = 2.4224000000000002e-09 TEMPERATURE = 1299.5604136818629 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 7.05758 min(PSD) (post-filter&sample) = 253.59380 % of original PSD Power f<f* (pre-filter&sample) = 99.988 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 16 (P* = 17, corr_factor = 1.000000) L_0* = 14.221925 +/- 0.021662 S_0* = 1569132.315846 +/- 33991.047158 ----------------------------------------------------- kappa* = 0.607626 +/- 0.013163 W/m/K -----------------------------------------------------
plot_kappa_vs_T(L_min_PbF2_NVT_heat, L_max_PbF2_NVT_heat, Temp_PbF2_NVT_heat, kappa_HC_PbF2_NVT)
alat_PbF2 = 6.056 # angstrom
L_min_PbF2 = 2
L_max_PbF2 = 4
T_min_PbF2 = 500
T_max_PbF2 = 1250
T_step_PbF2 = 50
inv_T_arr_PbF2 = 1.0/np.arange(T_min_PbF2, T_max_PbF2 + T_step_PbF2, T_step_PbF2)
factor_sigma_PbF2 = (1.0 + m_F/m_Pb)**2
prefactor_PbF2 = N_ratio_fluorites*m_F/m_Pb*(2.0 + N_ratio_fluorites*m_F/m_Pb)
A_PbF2, D_PbF2, A_self_PbF2, D_self_PbF2, D_cm_PbF2 = compute_diffusivities(dt,
L_min_PbF2,
L_max_PbF2,
T_min_PbF2,
T_max_PbF2,
T_step_PbF2,
"./PbF2/NVT_L_T_6p056/",
BLOCKS=4,
START_STEP=1000)
N_L: 3 N_T: 16
D_LAB_PbF2 = compute_diffusivities_LAB(dt,
L_min_PbF2,
L_max_PbF2,
T_min_PbF2,
T_max_PbF2,
T_step_PbF2,
"./PbF2/NVT_L_T_6p056/",
prefactor_PbF2,
BLOCKS=4,
START_STEP=500, END_STEP=2000)
N_L: 3 N_T: 16
Temp_PbF2 = np.arange(T_min_PbF2, T_max_PbF2 + T_step_PbF2, T_step_PbF2)
plot_D_with_errorbars(L_min_PbF2, L_max_PbF2, inv_T_arr_PbF2, D_LAB_PbF2)
plt.ylim(-4.5,0.2)
/local/scratch/grassell/PyVirtualEnvs/tutorial-env/lib/python3.6/site-packages/ipykernel_launcher.py:7: MatplotlibDeprecationWarning: Since 3.2, the parameter *where* must have the same size as [2.0 1.8181818181818181 1.6666666666666667 1.5384615384615385 1.4285714285714286 1.3333333333333333 1.25 1.176470588235294 1.1111111111111112 1.0526315789473684 1.0 0.9523809523809523 0.9090909090909091 0.8695652173913044 0.8333333333333334 0.8] in fill_betweenx(). This will become an error two minor releases later. import sys
(-4.5, 0.2)
indexTc_PbF2 = np.array([10,9,8])
startT_PbF2 = 0
delta_PbF2 = -2
piecewice_fit_D(L_min_PbF2, 4, Temp_PbF2, D_LAB_PbF2[:,:,:], indexTc = indexTc_PbF2, startT = startT_PbF2, delta=delta_PbF2)
L = 2 , slope low T [meV] = 319 +/- 20 L = 2 , slope hig T [meV] = 391 +/- 38 L = 2 , intercept low T [$\AA^2$/ps] = 11 +/- 3 L = 2 , intercept hig T [$\AA^2$/ps] = 34 +/- 13 L = 3 , slope low T [meV] = 586 +/- 20 L = 3 , slope hig T [meV] = 324 +/- 11 L = 3 , intercept low T [$\AA^2$/ps] = 656 +/- 211 L = 3 , intercept hig T [$\AA^2$/ps] = 20 +/- 2 L = 4 , slope low T [meV] = 625 +/- 20 L = 4 , slope hig T [meV] = 308 +/- 8 L = 4 , intercept low T [$\AA^2$/ps] = 1690 +/- 566 L = 4 , intercept hig T [$\AA^2$/ps] = 17 +/- 1
for iL, L in enumerate(np.arange(L_min_PbF2, L_max_PbF2_NVE + 1)):
plt.errorbar(inv_T_arr_PbF2*1000., D_self_PbF2[iL,:,0], D_self_PbF2[iL,:,1],
marker='o', markersize='3.5', ls='-', label="NVT, $N=$"+str(L**3*12))
for iL, L in enumerate(np.arange(L_min_PbF2_NVE, L_max_PbF2_NVE + 1)):
#plt.plot(inv_T_arr_PbF2_NVE[iL,:,0]*1000., D_self_PbF2_NVE[iL,:,0], 'v', label="NVE, L="+str(L))
plt.errorbar(inv_T_arr_PbF2_NVE[iL,:,0]*1000., D_self_PbF2_NVE[iL,:,0], D_self_PbF2_NVE[iL,:,1],
marker='v', markersize='3.5', ls='none', label="NVE, $N=$"+str(L**3*12))
plt.yscale('log')
plt.legend()
plt.xlabel("$10^3/T$ [K$^{-1}$]")
plt.ylabel("$D$ [$\AA^2$ ps$^{-1}$]")
plt.tick_params(which='both', direction='in')
plt.title('Comparing NVE and NVT')
plt.savefig('NVT_NVE_comparison_PbF2.pdf', format='pdf', bbox_inches = 'tight')
for iL, L in enumerate(np.arange(L_min_PbF2, L_max_PbF2)):
plt.plot(inv_T_arr_PbF2*1000., D_LAB_PbF2[iL,:,0], 'o-', label="lab, $N=$"+str(L**3*12))
for iL, L in enumerate(np.arange(L_min_PbF2, L_max_PbF2)):
plt.plot(inv_T_arr_PbF2*1000., D_self_PbF2[iL,:,0], 'v-', label="self, $N=$"+str(L**3*12))
plt.yscale('log')
plt.legend()
plt.xlabel("10$^3/T$ [K$^{-1}$]")
plt.ylabel("$D$ [$\AA^2$ ps$^{-1}$]")
plt.tick_params(which='both', direction='in')
plt.title('Comparing lab. and self diffusivities')
plt.savefig('lab_self_comparison_PbF2.pdf', format='pdf', bbox_inches = 'tight')
TTT=1000
plot_msd_selected(dt,
L_min_PbF2,
L_max_PbF2,
TTT,
TTT,
T_step_PbF2,
"./PbF2/NVT_L_T_6p056/",
BLOCKS=4, col=0
)
plt.ylim(0,0.6)
plt.xlim(0,10)
plt.xticks([0,2,4,6,8,10])
plt.yticks([0,0.2,0.4,0.6])
plt.legend(frameon=True, loc='lower right')
plt.tick_params(which='both', direction='in')
#plt.grid()
plt.savefig('MSD_Pb_TIME_PbF2_'+str(TTT)+'K.pdf', format='pdf', bbox_inches = 'tight')
0 2 0 1000 analysing file: ./PbF2/NVT_L_T_6p056/2x2x2/T_1000_K/msd_self_B4.dat 1 3 0 1000 analysing file: ./PbF2/NVT_L_T_6p056/3x3x3/T_1000_K/msd_self_B4.dat 2 4 0 1000 analysing file: ./PbF2/NVT_L_T_6p056/4x4x4/T_1000_K/msd_self_B4.dat
TTT=600
plot_msd_selected(dt,
L_min_PbF2,
L_max_PbF2,
TTT,
TTT,
T_step_PbF2,
"./PbF2/NVT_L_T_6p056/",
BLOCKS=4, col=0
)
plt.ylim(0,0.4)
plt.xlim(0,10)
plt.xticks([0,2,4,6,8,10])
plt.yticks([0,0.2,0.4])
plt.legend(frameon=True, loc='upper right')
plt.tick_params(which='both', direction='in')
#plt.grid()
plt.savefig('MSD_Pb_TIME_PbF2_'+str(TTT)+'K.pdf', format='pdf', bbox_inches = 'tight')
0 2 0 600 analysing file: ./PbF2/NVT_L_T_6p056/2x2x2/T_600_K/msd_self_B4.dat 1 3 0 600 analysing file: ./PbF2/NVT_L_T_6p056/3x3x3/T_600_K/msd_self_B4.dat 2 4 0 600 analysing file: ./PbF2/NVT_L_T_6p056/4x4x4/T_600_K/msd_self_B4.dat
plot_msd_selected(dt,
L_min_PbF2,
L_max_PbF2,
TTT,
TTT,
T_step_PbF2,
"./PbF2/NVT_L_T_6p056/",
BLOCKS=4, col=2)
plt.ylim(0,3)
plt.xlim(0,10)
plt.xticks([0,2,4,6,8,10])
plt.legend(frameon=False)
plt.tick_params(which='both', direction='in')
#plt.grid()
plt.savefig('MSD_TIME_PbF2_'+str(TTT)+'K.pdf', format='pdf', bbox_inches = 'tight')
0 2 0 600 analysing file: ./PbF2/NVT_L_T_6p056/2x2x2/T_600_K/msd_self_B4.dat 1 3 0 600 analysing file: ./PbF2/NVT_L_T_6p056/3x3x3/T_600_K/msd_self_B4.dat 2 4 0 600 analysing file: ./PbF2/NVT_L_T_6p056/4x4x4/T_600_K/msd_self_B4.dat
plot_msd_selected(dt,
L_min_PbF2,
L_max_PbF2,
TTT,
TTT,
T_step_PbF2,
"./PbF2/NVT_L_T_6p056/",
BLOCKS=4, col=2)
for offset in [0.041, 0.058, 0.14, .83]:
plt.plot(np.arange(0,220,10), offset*np.arange(0,220,10), color='tab:gray', ls=':')
plt.ylim(1e-1,200)
plt.xlim(4e-2,200)
#plt.xticks([0,2,4,6,8,10])
plt.xscale('log')
plt.yscale('log')
plt.legend(frameon=False)
plt.tick_params(which='both', direction='in')
#plt.grid()
plt.savefig('logMSD_logTIME_PbF2_'+str(TTT)+'K.pdf', format='pdf', bbox_inches = 'tight')
0 2 0 600 analysing file: ./PbF2/NVT_L_T_6p056/2x2x2/T_600_K/msd_self_B4.dat 1 3 0 600 analysing file: ./PbF2/NVT_L_T_6p056/3x3x3/T_600_K/msd_self_B4.dat 2 4 0 600 analysing file: ./PbF2/NVT_L_T_6p056/4x4x4/T_600_K/msd_self_B4.dat
msd_file_nooff = "msd_self_B4.dat"
mycolor_nooff = cm.get_cmap('Dark2')
col_nooff = 2
for iL, L in enumerate(np.arange(L_min_PbF2, L_max_PbF2 + 1)):
print(iL, L)
for iT, T in enumerate(np.arange(TTT, TTT + T_step_PbF2, T_step_PbF2)):
print(iT, T)
# self msd
fil_tmp = "./PbF2/NVT_L_T_6p056/"+str(L)+"x"+str(L)+"x"+str(L)+"/T_"+str(T)+"_K/"+ msd_file_nooff
print(" analysing file: ", fil_tmp)
msd_tmp = np.loadtxt(fil_tmp).T
time_nooff = np.arange(len(msd_tmp[col_nooff]))*dt
plt.plot(time_nooff, msd_tmp[col_nooff] -1.1, color=mycolor_nooff(iL), label='$N=$'+str(L**3*12))#+'$T=$'+str(T)+"K")
plt.fill_between(time_nooff,
msd_tmp[col_nooff] -1.1 - np.sqrt(msd_tmp[col_nooff+1]),
msd_tmp[col_nooff] -1.1 + np.sqrt(msd_tmp[col_nooff+1]),
alpha=0.3, color=mycolor_nooff(iL))
for offset in [0.035, 0.052, 0.13, .83]:
plt.plot(np.arange(0,220,10), offset*np.arange(0,220,10), color='tab:gray', ls=':')
plt.ylim(1e-1,200)
plt.xlim(4e-2,200)
#plt.xticks([0,2,4,6,8,10])
plt.xscale('log')
plt.yscale('log')
plt.legend(frameon=False)
plt.tick_params(which='both', direction='in')
#plt.grid()
plt.savefig('logMSD_logTIME_PbF2_nooffset_'+str(TTT)+'K.pdf', format='pdf', bbox_inches = 'tight')
0 2 0 600 analysing file: ./PbF2/NVT_L_T_6p056/2x2x2/T_600_K/msd_self_B4.dat 1 3 0 600 analysing file: ./PbF2/NVT_L_T_6p056/3x3x3/T_600_K/msd_self_B4.dat 2 4 0 600 analysing file: ./PbF2/NVT_L_T_6p056/4x4x4/T_600_K/msd_self_B4.dat
for iL, L in enumerate(np.arange(L_min_PbF2, L_max_PbF2 + 1)):
plt.plot(Temp_PbF2, A_self_PbF2[iL,:,0], 'o-', label="L="+str(L))
#plt.loglog(inv_T_arr_PbF2*1000., D_PbF2_cm[iL,:,0]*factor_sigma, 'o-', label="cm, L="+str(L))
plt.legend()
plt.xlabel("$T$ [K]")
plt.ylabel("Area [$\AA^2$]")
Text(0, 0.5, 'Area [$\\AA^2$]')
fit_DW_PbF2, err_DW_PbF2 = plot_fit_Debye_Waller_new(L_min_PbF2, L_max_PbF2, T_min_PbF2, T_max_PbF2, T_step_PbF2, A_self_PbF2)
C_V_PbF2 = specific_heat(L_min_PbF2,
L_max_PbF2,
T_min_PbF2,
T_max_PbF2, T_step_PbF2, "./PbF2/NVT_L_T_6p056/", SKIP=10, STEP_ASY=150)
N_L: 3 N_T: 16
plot_C_V_vs_T(L_min_PbF2, L_max_PbF2, Temp_PbF2, C_V_PbF2)
h = np.array([1, 1, 1])
h = h/np.sum(h)
convolved_C_V_PbF2_fluc = np.zeros(C_V_PbF2.shape)
for iL, L in enumerate(np.arange(L_min_PbF2, L_max_PbF2+1)):
convolved_C_V_PbF2_fluc[iL,:,0] = convolve(C_V_PbF2[iL,:,0], h, 'same')
convolved_C_V_PbF2_fluc[iL,:,1] = convolve(C_V_PbF2[iL,:,1], h, 'same')
Delta_PbF2 = excess_energy(L_min_PbF2, L_max_PbF2, T_min_PbF2, T_max_PbF2, T_step_PbF2, "./PbF2/NVT_L_T_6p056/", SKIP=10,
STEP_ASY=150, NU=4)
C_V_PbF2_grad = np.zeros(Delta_PbF2.shape)
h = np.array([1, 0, 1])
for iL, L in enumerate(np.arange(L_min_PbF2, L_max_PbF2+1)):
C_V_PbF2_grad[iL,:,0] = np.gradient(Delta_PbF2[iL,:,0])/8.617333262e-5/T_step_PbF2*8.314
C_V_PbF2_grad[iL,:,1] = convolve(Delta_PbF2[iL,:,1], h, 'same')/8.617333262e-5/T_step_PbF2*8.314
C_V_PbF2_grad[:,0,1] = 2.0*C_V_PbF2_grad[:,0,1]
C_V_PbF2_grad[:,-1,1] = 2.0*C_V_PbF2_grad[:,-1,1]
b, a = butter(1, 0.5)
C_V_PbF2_grad_filt_Delta = np.zeros(Delta_PbF2.shape[:-1])
for iL, L in enumerate(np.arange(L_min_PbF2, L_max_PbF2+1)):
C_V_PbF2_grad_filt_Delta[iL,:] = filtfilt(b, a, C_V_PbF2_grad[iL,:,0])
N_L: 3 N_T: 16
plot_C_V_vs_T(L_min_PbF2, L_max_PbF2, Temp_PbF2, C_V_PbF2_grad)
press_PbF2 = pressure(L_min_PbF2, L_max_PbF2, T_min_PbF2, T_max_PbF2, T_step_PbF2, "./PbF2/NVT_L_T_6p056/", SKIP=10)
plot_press_vs_invT(L_min_PbF2, L_max_PbF2, inv_T_arr_PbF2, press_PbF2, vert_line_at=1000./700.) # vertical line: T_c
N_L: 3 N_T: 16
alat_PbF2_DW = 6.056 # angstrom
dt_PbF2_DW = 0.004*10.0 # picoseconds
print(alat_PbF2_DW)
6.056
L_min_PbF2_DW = 1
L_max_PbF2_DW = 7
T_min_PbF2_DW = 400
T_max_PbF2_DW = 1200
T_step_PbF2_DW = 200
A_PbF2_DW, D_PbF2_DW, A_self_PbF2_DW, D_self_PbF2_DW, D_cm_PbF2_DW = compute_diffusivities(dt_PbF2_DW,
L_min_PbF2_DW,
L_max_PbF2_DW,
T_min_PbF2_DW,
T_max_PbF2_DW,
T_step_PbF2_DW,
"./PbF2/NVT_L_T_6p056_DW/",
BLOCKS=4,
START_STEP=2000)
N_L: 7 N_T: 5
from mpl_toolkits.axes_grid.inset_locator import (inset_axes, InsetPosition,
mark_inset)
/local/scratch/grassell/PyVirtualEnvs/tutorial-env/lib/python3.6/site-packages/ipykernel_launcher.py:1: MatplotlibDeprecationWarning: The mpl_toolkits.axes_grid module was deprecated in Matplotlib 2.1 and will be removed two minor releases later. Use mpl_toolkits.axes_grid1 and mpl_toolkits.axisartist, which provide the same functionality instead. """Entry point for launching an IPython kernel.
N_T_PbF2_DW = int((T_max_PbF2_DW - T_min_PbF2_DW) // T_step_PbF2_DW + 1)
one_on_L_PbF2_DW = 1.0/np.arange(L_min_PbF2_DW, L_max_PbF2_DW + 1)
coeff_fit_PbF2_DW = np.zeros((N_T_PbF2_DW,2)) # last two indices: slope and intercept
coeff_err_PbF2_DW = np.zeros((N_T_PbF2_DW,2)) # last two indices: slope and intercept
K_eff = np.zeros(N_T_PbF2_DW)
k_BOLTZ = 1.38064852e-23 # J/K
fctr_DW = 3.0*k_BOLTZ/(alat_PbF2_DW*1e-10)/np.pi/1e9*1e20
iLtmp = 1
mrkr = ['o', '^', 'd', 'v', 's']
colore = cm.get_cmap('inferno')
fig, ax1 = plt.subplots()
Temprange = np.arange(T_min_PbF2_DW, T_max_PbF2_DW + T_step_PbF2_DW, T_step_PbF2_DW)
for iT, T in enumerate(np.arange(T_min_PbF2_DW, T_max_PbF2_DW + T_step_PbF2_DW, T_step_PbF2_DW)):
# fit and find covariance of the fit parameters:
coeff_fit_PbF2_DW[iT], covar_PbF2_DW = np.polyfit(one_on_L_PbF2_DW[iLtmp:],
0.5*A_self_PbF2_DW[iLtmp:,iT,0] / T / fctr_DW, 1, cov=True)
# compute error on fit parameters:
coeff_err_PbF2_DW[iT] = np.sqrt(np.diag(covar_PbF2_DW))
print(-1.0/coeff_fit_PbF2_DW[iT,0],'GPa')
K_eff[iT] = -1.0/coeff_fit_PbF2_DW[iT,0]
#plt.text(0, 0.03+iT*0.007, '$K^\mathrm{eff} = $'+str(np.round(-1.0/coeff_fit_PbF2_DW[iT,0],1))+'GPa, @$T=$'+str(T)+'K',
# fontsize=11)
str1 = str("$T =$"+str(T)+"K")
str2 = str('fit $K^\mathrm{eff}$ = '+str(np.round(-1.0/coeff_fit_PbF2_DW[iT,0],1))+' GPa')
ax1.errorbar(one_on_L_PbF2_DW,
0.5*A_self_PbF2_DW[:,iT,0]/T/fctr_DW,
0.5*A_self_PbF2_DW[:,iT,1]/T/fctr_DW,
ls='none',
linewidth=1,marker=mrkr[iT], markersize=3.5, color=colore(30+iT*50),
label=str1)
ax1.plot(np.arange(14,51)*0.01,
(np.arange(14,51)*0.01*coeff_fit_PbF2_DW[iT,0] + coeff_fit_PbF2_DW[iT,1]),
ls='-', linewidth=1,
color=colore(50+iT*50), label=None)
ax1.plot(np.arange(0,11)*0.1,
(np.arange(0,11)*0.1*coeff_fit_PbF2_DW[iT,0] + coeff_fit_PbF2_DW[iT,1]),
ls=':', linewidth=1,
color=colore(50+iT*50), label=None)
ax1.errorbar(0.0,
coeff_fit_PbF2_DW[iT,1], coeff_err_PbF2_DW[iT, 1], marker='x', markersize=3.5,
color='tab:blue', label=None)
# These are in unitless percentages of the figure size. (0,0 is bottom left)
left, bottom, width, height = [0.62, 0.61, 0.25, 0.25]
ax2 = fig.add_axes([left, bottom, width, height])
print(coeff_fit_PbF2_DW[:,0])
print(coeff_err_PbF2_DW[:,0])
ax2.errorbar(Temprange,
np.abs(coeff_fit_PbF2_DW[:,0]),
coeff_err_PbF2_DW[:,0],
ls='-', linewidth=1,
marker='D', color='green', markersize=3)
ax1.set_xlabel('$1/\ell$')
ax1.set_xticks([1,1/2,1/3,1/4,1/5,1/6,1/7,0])
ax1.set_xticklabels(['1','$\\frac{1}{2}$','$\\frac{1}{3}$','$\\frac{1}{4}$','$\\frac{1}{5}$','','... ','0'])
#ax1.set_ylabel('$B / \\frac{3kT}{\pi a}$ [GPa$^{-1}$]')
ax1.set_ylabel('$B / \\frac{8\pi kT}{a}$ [GPa$^{-1}$]')
ax1.legend(frameon=True, loc='lower left', fontsize=11, markerscale=1.0, handletextpad=0.1)
ax1.tick_params(which='both', direction='in')
ax2_font = {'size':'9.5'}
ax2.set_xlabel('$T$ [K]', labelpad=2, **ax2_font)
ax2.set_xticks([400, 800, 1200])
ax2.set_ylabel('$|m|$ [GPa$^{-1}$]', labelpad=2, **ax2_font)
ax2.tick_params(which='both', direction='in', labelsize=9.5)
#plt.savefig('B_PbF2_DW.pdf', format='pdf', bbox_inches = 'tight')
plt.savefig('B_PbF2_DW_def_8pi2.pdf', format='pdf', bbox_inches = 'tight')
24.82941480936754 GPa 20.06661743342385 GPa 16.04170351172588 GPa 14.898101970321557 GPa 13.203321351472388 GPa [-0.04027481 -0.04983401 -0.06233752 -0.06712264 -0.07573852] [0.00115586 0.00184553 0.00226191 0.00125283 0.0005418 ]
alat_PbF2_XM = 6.056 # angstrom
L_min_PbF2_XM = 2
L_max_PbF2_XM = 4
T_min_PbF2_XM = 500
T_max_PbF2_XM = 1250
T_step_PbF2_XM = 50
inv_T_arr_PbF2_XM = 1.0/np.arange(T_min_PbF2_XM, T_max_PbF2_XM + T_step_PbF2_XM, T_step_PbF2_XM)
m_Pb_XM = 207.2*4.0
m_F_XM = 18.998403
factor_sigma_PbF2_XM = (1.0 + m_F_XM/m_Pb_XM)**2
prefactor_PbF2_XM = N_ratio_fluorites*m_F_XM/m_Pb_XM*(2.0 + N_ratio_fluorites*m_F_XM/m_Pb_XM)
A_PbF2_XM, D_PbF2_XM, A_self_PbF2_XM, D_self_PbF2_XM, D_cm_PbF2_XM = compute_diffusivities(dt,
L_min_PbF2_XM,
L_max_PbF2_XM,
T_min_PbF2_XM,
T_max_PbF2_XM,
T_step_PbF2_XM,
"./PbF2_XM/NVT_L_T/",
BLOCKS=4,
START_STEP=2000)
N_L: 3 N_T: 16
D_LAB_PbF2_XM = compute_diffusivities_LAB(dt,
L_min_PbF2_XM,
L_max_PbF2_XM,
T_min_PbF2_XM,
T_max_PbF2_XM,
T_step_PbF2_XM,
"./PbF2_XM/NVT_L_T/",
prefactor_PbF2_XM,
BLOCKS=4,
START_STEP=2000)
N_L: 3 N_T: 16
Temp_PbF2_XM = np.arange(T_min_PbF2_XM, T_max_PbF2_XM + T_step_PbF2_XM, T_step_PbF2_XM)
plot_D_with_errorbars(L_min_PbF2_XM, L_max_PbF2_XM, inv_T_arr_PbF2_XM, D_LAB_PbF2_XM)
plot_D_with_errorbars(L_min_PbF2, L_max_PbF2, inv_T_arr_PbF2, D_LAB_PbF2)
plt.ylim(-4.5,0.2)
/local/scratch/grassell/PyVirtualEnvs/tutorial-env/lib/python3.6/site-packages/ipykernel_launcher.py:7: MatplotlibDeprecationWarning: Since 3.2, the parameter *where* must have the same size as [2.0 1.8181818181818181 1.6666666666666667 1.5384615384615385 1.4285714285714286 1.3333333333333333 1.25 1.176470588235294 1.1111111111111112 1.0526315789473684 1.0 0.9523809523809523 0.9090909090909091 0.8695652173913044 0.8333333333333334 0.8] in fill_betweenx(). This will become an error two minor releases later. import sys
(-4.5, 0.2)
piecewice_fit_D(L_min_PbF2_XM, L_max_PbF2_XM, Temp_PbF2_XM, D_LAB_PbF2_XM, indexTc = indexTc_PbF2, startT = 0, delta=1)
L = 2 , slope low T [meV] = 342 +/- 13 L = 2 , slope hig T [meV] = 348 +/- 39 L = 2 , intercept low T [$\AA^2$/ps] = 16 +/- 3 L = 2 , intercept hig T [$\AA^2$/ps] = 21 +/- 8 L = 3 , slope low T [meV] = 528 +/- 18 L = 3 , slope hig T [meV] = 329 +/- 10 L = 3 , intercept low T [$\AA^2$/ps] = 248 +/- 62 L = 3 , intercept hig T [$\AA^2$/ps] = 19 +/- 2 L = 4 , slope low T [meV] = 521 +/- 20 L = 4 , slope hig T [meV] = 313 +/- 8 L = 4 , intercept low T [$\AA^2$/ps] = 261 +/- 75 L = 4 , intercept hig T [$\AA^2$/ps] = 17 +/- 1
for iL, L in enumerate(np.arange(L_min_PbF2_XM, L_max_PbF2_XM + 1)):
plt.semilogy(inv_T_arr_PbF2_XM*1000., D_self_PbF2_XM[iL,:,0], 'o-', label="NVT, L="+str(L))
for iL, L in enumerate(np.arange(L_min_PbF2, L_max_PbF2 + 1)):
plt.semilogy(inv_T_arr_PbF2*1000., D_self_PbF2[iL,:,0], 'v-', label="NVE, L="+str(L))
plt.legend()
plt.xlabel("1/T [1000/K]")
plt.ylabel("D [$\AA^2$/ps]")
Text(0, 0.5, 'D [$\\AA^2$/ps]')
TTT=1000
plot_msd_selected(dt,
L_min_PbF2_XM,
L_max_PbF2_XM,
TTT,
TTT,
T_step_PbF2_XM,
"./PbF2_XM/NVT_L_T/",
BLOCKS=4, col=0
)
plot_msd_selected(dt,
L_min_PbF2,
L_max_PbF2,
TTT,
TTT,
T_step_PbF2,
"./PbF2/NVT_L_T_6p056/",
BLOCKS=4, col=0, color_offset=L_max_PbF2_XM
)
plt.ylim(0,0.6)
plt.xlim(0,20)
plt.xticks([0,4,8,12,16,20])
plt.yticks([0,0.2,0.4,0.6])
plt.legend(frameon=True, loc='upper center')
plt.tick_params(which='both', direction='in')
#plt.grid()
plt.savefig('MSD_Pb_TIME_PbF2_XM_'+str(TTT)+'K.pdf', format='pdf', bbox_inches = 'tight')
0 2 0 1000 analysing file: ./PbF2_XM/NVT_L_T/2x2x2/T_1000_K/msd_self_B4.dat 1 3 0 1000 analysing file: ./PbF2_XM/NVT_L_T/3x3x3/T_1000_K/msd_self_B4.dat 2 4 0 1000 analysing file: ./PbF2_XM/NVT_L_T/4x4x4/T_1000_K/msd_self_B4.dat 0 2 0 1000 analysing file: ./PbF2/NVT_L_T_6p056/2x2x2/T_1000_K/msd_self_B4.dat 1 3 0 1000 analysing file: ./PbF2/NVT_L_T_6p056/3x3x3/T_1000_K/msd_self_B4.dat 2 4 0 1000 analysing file: ./PbF2/NVT_L_T_6p056/4x4x4/T_1000_K/msd_self_B4.dat
L_min_PbF2_frozen_Pb = 2
L_max_PbF2_frozen_Pb = 4
T_min_PbF2_frozen_Pb = 500
T_max_PbF2_frozen_Pb = 1500
T_step_PbF2_frozen_Pb = 50
inv_T_arr_PbF2_frozen_Pb = 1.0/np.arange(T_min_PbF2_frozen_Pb, T_max_PbF2_frozen_Pb + T_step_PbF2_frozen_Pb, T_step_PbF2_frozen_Pb)
Temp_PbF2_frozen_Pb = np.arange(T_min_PbF2_frozen_Pb, T_max_PbF2_frozen_Pb + T_step_PbF2_frozen_Pb, T_step_PbF2_frozen_Pb)
A_PbF2_frozen_Pb, D_PbF2_frozen_Pb, A_self_PbF2_frozen_Pb, D_self_PbF2_frozen_Pb, D_cm_PbF2_frozen_Pb = compute_diffusivities(dt,
L_min_PbF2_frozen_Pb,
L_max_PbF2_frozen_Pb,
T_min_PbF2_frozen_Pb,
T_max_PbF2_frozen_Pb,
T_step_PbF2_frozen_Pb,
"./PbF2/NVT_L_T_6p056_frozen_Pb/",
BLOCKS=4,
START_STEP=1000)
N_L: 3 N_T: 21
piecewice_fit_D(L_min_PbF2_frozen_Pb, L_max_PbF2_frozen_Pb, Temp_PbF2_frozen_Pb, D_PbF2_frozen_Pb, indexTc = np.array([15,12,12]), startT = 5, delta=0)
L = 2 , slope low T [meV] = 340 +/- 11 L = 2 , slope hig T [meV] = 475 +/- 26 L = 2 , intercept low T [$\AA^2$/ps] = 6 +/- 0 L = 2 , intercept hig T [$\AA^2$/ps] = 37 +/- 7 L = 3 , slope low T [meV] = 704 +/- 10 L = 3 , slope hig T [meV] = 462 +/- 14 L = 3 , intercept low T [$\AA^2$/ps] = 519 +/- 64 L = 3 , intercept hig T [$\AA^2$/ps] = 38 +/- 5 L = 4 , slope low T [meV] = 669 +/- 22 L = 4 , slope hig T [meV] = 440 +/- 17 L = 4 , intercept low T [$\AA^2$/ps] = 404 +/- 112 L = 4 , intercept hig T [$\AA^2$/ps] = 33 +/- 5
mark = ['o', 's', 'v', 'd']
col1 = ['tab:orange', 'tab:blue']
col2 = ['tab:red', 'tab:green']
off=0
for iL, L in enumerate(np.arange(L_min_PbF2_frozen_Pb, L_max_PbF2_frozen_Pb)):
plt.errorbar(inv_T_arr_PbF2_frozen_Pb*1000., D_PbF2_frozen_Pb[iL+off,:,0], D_PbF2_frozen_Pb[iL+off,:,1],
marker=mark[iL+off], markersize=3, color=col1[iL], label="frozen Pb, $N$ = "+str(L**3*12))
plt.errorbar(inv_T_arr_PbF2*1000., D_LAB_PbF2[iL+off,:,0], D_LAB_PbF2[iL+off,:,1],
marker=mark[iL+off], markersize=3, color=col2[iL], label="$N$ = "+str(L**3*12))
plt.yscale('log')
plt.legend()
plt.xlabel("$10^3/T$ [K$^{-1}$]")
plt.ylabel("$D$ [$\AA^2$/ps]")
plt.tick_params(which='both', direction='in')
plt.savefig('D_PbF2_frozen_comparison.pdf', format='pdf', bbox_inches='tight')
alat_CaF2_heat = 5.712 # angstrom
dt = 0.004*10. # picoseconds
L_min_CaF2_NVE_heat = 2
L_max_CaF2_NVE_heat = 4
T_min_CaF2_NVE_heat = 900
T_max_CaF2_NVE_heat = 1700
T_step_CaF2_NVE_heat = 100
temp_CaF2_NVE_heat = temperature(L_min_CaF2_NVE_heat, L_max_CaF2_NVE_heat, T_min_CaF2_NVE_heat, T_max_CaF2_NVE_heat, T_step_CaF2_NVE_heat, dirname="./CaF2/NVE_L_T_heat/", nve_file="nve_log", SKIP=10)
inv_T_arr_CaF2_NVE_heat = 1./temp_CaF2_NVE_heat
N_L: 3 N_T: 9
kappa_HC_CaF2_NVE = compute_thermkappa_cepstral(L_min_CaF2_NVE_heat,
L_max_CaF2_NVE_heat,
T_min_CaF2_NVE_heat,
T_max_CaF2_NVE_heat,
T_step_CaF2_NVE_heat,
"./CaF2/NVE_L_T_heat/",
file="nve_log",
resh=[24,12500],
fstar=40.0,
AIC_corr=1.0)
0 900 analysing file: ./CaF2/NVE_L_T_heat/2x2x2/T_900_K/nve_log dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 785.4713003196968 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.38807 min(PSD) (post-filter&sample) = 154.07195 % of original PSD Power f<f* (pre-filter&sample) = 99.894 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 23 (P* = 24, corr_factor = 1.000000) L_0* = 11.726628 +/- 0.025852 S_0* = 129409.374564 +/- 3345.512637 ----------------------------------------------------- kappa* = 1.307849 +/- 0.033811 W/m/K ----------------------------------------------------- 1 1000 analysing file: ./CaF2/NVE_L_T_heat/2x2x2/T_1000_K/nve_log dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 872.5850409400906 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 1.14470 min(PSD) (post-filter&sample) = 220.26472 % of original PSD Power f<f* (pre-filter&sample) = 99.872 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 30 (P* = 31, corr_factor = 1.000000) L_0* = 11.908897 +/- 0.029452 S_0* = 155283.007186 +/- 4573.375468 ----------------------------------------------------- kappa* = 1.271630 +/- 0.037452 W/m/K ----------------------------------------------------- 2 1100 analysing file: ./CaF2/NVE_L_T_heat/2x2x2/T_1100_K/nve_log dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 943.2320577549225 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.79490 min(PSD) (post-filter&sample) = 261.82426 % of original PSD Power f<f* (pre-filter&sample) = 99.855 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 24 (P* = 25, corr_factor = 1.000000) L_0* = 12.021204 +/- 0.026396 S_0* = 173739.502545 +/- 4586.111625 ----------------------------------------------------- kappa* = 1.217626 +/- 0.032141 W/m/K ----------------------------------------------------- 3 1200 analysing file: ./CaF2/NVE_L_T_heat/2x2x2/T_1200_K/nve_log dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 1038.265739175608 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.89283 min(PSD) (post-filter&sample) = 385.91797 % of original PSD Power f<f* (pre-filter&sample) = 99.847 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 26 (P* = 27, corr_factor = 1.000000) L_0* = 12.242373 +/- 0.027453 S_0* = 216745.837419 +/- 5950.270481 ----------------------------------------------------- kappa* = 1.253678 +/- 0.034417 W/m/K ----------------------------------------------------- 4 1300 analysing file: ./CaF2/NVE_L_T_heat/2x2x2/T_1300_K/nve_log dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 1132.3664743487566 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 1.28789 min(PSD) (post-filter&sample) = 573.88817 % of original PSD Power f<f* (pre-filter&sample) = 99.810 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 27 (P* = 28, corr_factor = 1.000000) L_0* = 12.410771 +/- 0.027966 S_0* = 256498.764517 +/- 7173.227913 ----------------------------------------------------- kappa* = 1.247279 +/- 0.034881 W/m/K ----------------------------------------------------- 5 1400 analysing file: ./CaF2/NVE_L_T_heat/2x2x2/T_1400_K/nve_log dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 1208.5241695867044 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 1.95351 min(PSD) (post-filter&sample) = 760.30629 % of original PSD Power f<f* (pre-filter&sample) = 99.787 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 20 (P* = 21, corr_factor = 1.000000) L_0* = 12.543186 +/- 0.024146 S_0* = 292814.352171 +/- 7070.209707 ----------------------------------------------------- kappa* = 1.250069 +/- 0.030184 W/m/K ----------------------------------------------------- 6 1500 analysing file: ./CaF2/NVE_L_T_heat/2x2x2/T_1500_K/nve_log dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 1318.5987185815143 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 2.44895 min(PSD) (post-filter&sample) = 946.54367 % of original PSD Power f<f* (pre-filter&sample) = 99.767 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 23 (P* = 24, corr_factor = 1.000000) L_0* = 12.697133 +/- 0.025852 S_0* = 341546.996828 +/- 8829.729669 ----------------------------------------------------- kappa* = 1.224835 +/- 0.031665 W/m/K ----------------------------------------------------- 7 1600 analysing file: ./CaF2/NVE_L_T_heat/2x2x2/T_1600_K/nve_log
dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 1407.8614095129049 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 3.75497 min(PSD) (post-filter&sample) = 1082.62012 % of original PSD Power f<f* (pre-filter&sample) = 99.743 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 14 (P* = 15, corr_factor = 1.000000) L_0* = 12.857951 +/- 0.020307 S_0* = 401137.170366 +/- 8145.915731 ----------------------------------------------------- kappa* = 1.261902 +/- 0.025626 W/m/K ----------------------------------------------------- 8 1700 analysing file: ./CaF2/NVE_L_T_heat/2x2x2/T_1700_K/nve_log dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 1530.7631320786793 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 6.30375 min(PSD) (post-filter&sample) = 1535.81189 % of original PSD Power f<f* (pre-filter&sample) = 99.712 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 16 (P* = 17, corr_factor = 1.000000) L_0* = 13.005197 +/- 0.021662 S_0* = 464773.201446 +/- 10068.066057 ----------------------------------------------------- kappa* = 1.236737 +/- 0.026791 W/m/K ----------------------------------------------------- 0 900 analysing file: ./CaF2/NVE_L_T_heat/3x3x3/T_900_K/nve_log dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 917.3643773099268 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 2.13653 min(PSD) (post-filter&sample) = 1148.83121 % of original PSD Power f<f* (pre-filter&sample) = 99.851 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 23 (P* = 24, corr_factor = 1.000000) L_0* = 13.438106 +/- 0.025852 S_0* = 716557.432185 +/- 18524.561706 ----------------------------------------------------- kappa* = 1.573062 +/- 0.040667 W/m/K ----------------------------------------------------- 1 1000 analysing file: ./CaF2/NVE_L_T_heat/3x3x3/T_1000_K/nve_log dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 1017.2439931272685 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 3.47004 min(PSD) (post-filter&sample) = 1628.56450 % of original PSD Power f<f* (pre-filter&sample) = 99.824 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 19 (P* = 20, corr_factor = 1.000000) L_0* = 13.603088 +/- 0.023549 S_0* = 845088.047654 +/- 19901.337753 ----------------------------------------------------- kappa* = 1.508795 +/- 0.035531 W/m/K ----------------------------------------------------- 2 1100 analysing file: ./CaF2/NVE_L_T_heat/3x3x3/T_1100_K/nve_log dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 1112.644861838182 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 4.89717 min(PSD) (post-filter&sample) = 2103.50351 % of original PSD Power f<f* (pre-filter&sample) = 99.808 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 25 (P* = 26, corr_factor = 1.000000) L_0* = 13.803343 +/- 0.026930 S_0* = 1032456.416078 +/- 27803.842710 ----------------------------------------------------- kappa* = 1.540768 +/- 0.041493 W/m/K ----------------------------------------------------- 3 1200 analysing file: ./CaF2/NVE_L_T_heat/3x3x3/T_1200_K/nve_log dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 1213.245113695863 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 9.12658 min(PSD) (post-filter&sample) = 2920.41565 % of original PSD Power f<f* (pre-filter&sample) = 99.770 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 20 (P* = 21, corr_factor = 1.000000) L_0* = 13.943935 +/- 0.024146 S_0* = 1188310.769317 +/- 28692.604288 ----------------------------------------------------- kappa* = 1.491460 +/- 0.036012 W/m/K ----------------------------------------------------- 4 1300 analysing file: ./CaF2/NVE_L_T_heat/3x3x3/T_1300_K/nve_log dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 1309.199256196438 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 8.14716 min(PSD) (post-filter&sample) = 3793.32541 % of original PSD Power f<f* (pre-filter&sample) = 99.752 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 12 (P* = 13, corr_factor = 1.000000) L_0* = 14.025171 +/- 0.018855 S_0* = 1288872.818183 +/- 24301.219962 ----------------------------------------------------- kappa* = 1.389240 +/- 0.026194 W/m/K ----------------------------------------------------- 5 1400 analysing file: ./CaF2/NVE_L_T_heat/3x3x3/T_1400_K/nve_log
dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 1401.6476002669974 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 9.92248 min(PSD) (post-filter&sample) = 5058.60297 % of original PSD Power f<f* (pre-filter&sample) = 99.727 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 22 (P* = 23, corr_factor = 1.000000) L_0* = 14.180042 +/- 0.025296 S_0* = 1504769.200198 +/- 38064.853071 ----------------------------------------------------- kappa* = 1.415047 +/- 0.035795 W/m/K ----------------------------------------------------- 6 1500 analysing file: ./CaF2/NVE_L_T_heat/3x3x3/T_1500_K/nve_log dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 1513.0087585624142 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 19.21223 min(PSD) (post-filter&sample) = 4810.29880 % of original PSD Power f<f* (pre-filter&sample) = 99.689 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 12 (P* = 13, corr_factor = 1.000000) L_0* = 14.320941 +/- 0.018855 S_0* = 1732452.660514 +/- 32664.753716 ----------------------------------------------------- kappa* = 1.398161 +/- 0.026362 W/m/K ----------------------------------------------------- 7 1600 analysing file: ./CaF2/NVE_L_T_heat/3x3x3/T_1600_K/nve_log dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 1620.8570047839523 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 30.27112 min(PSD) (post-filter&sample) = 9409.44616 % of original PSD Power f<f* (pre-filter&sample) = 99.655 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 28 (P* = 29, corr_factor = 1.000000) L_0* = 14.463429 +/- 0.028470 S_0* = 1997759.469036 +/- 56875.945985 ----------------------------------------------------- kappa* = 1.404858 +/- 0.039996 W/m/K ----------------------------------------------------- 8 1700 analysing file: ./CaF2/NVE_L_T_heat/3x3x3/T_1700_K/nve_log dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 1710.278111672883 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 44.81069 min(PSD) (post-filter&sample) = 8070.43009 % of original PSD Power f<f* (pre-filter&sample) = 99.625 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 7 (P* = 8, corr_factor = 1.000000) L_0* = 14.530073 +/- 0.014605 S_0* = 2135435.015368 +/- 31187.459333 ----------------------------------------------------- kappa* = 1.348750 +/- 0.019698 W/m/K ----------------------------------------------------- 0 900 analysing file: ./CaF2/NVE_L_T_heat/4x4x4/T_900_K/nve_log dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 890.015994200058 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 6.36164 min(PSD) (post-filter&sample) = 2375.35290 % of original PSD Power f<f* (pre-filter&sample) = 99.858 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 19 (P* = 20, corr_factor = 1.000000) L_0* = 14.258433 +/- 0.023549 S_0* = 1627476.598400 +/- 38326.138394 ----------------------------------------------------- kappa* = 1.601333 +/- 0.037710 W/m/K ----------------------------------------------------- 1 1000 analysing file: ./CaF2/NVE_L_T_heat/4x4x4/T_1000_K/nve_log dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 989.7793916530835 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 15.44203 min(PSD) (post-filter&sample) = 3458.80416 % of original PSD Power f<f* (pre-filter&sample) = 99.828 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 23 (P* = 24, corr_factor = 1.000000) L_0* = 14.506578 +/- 0.025852 S_0* = 2085847.534277 +/- 53923.676767 ----------------------------------------------------- kappa* = 1.659465 +/- 0.042901 W/m/K ----------------------------------------------------- 2 1100 analysing file: ./CaF2/NVE_L_T_heat/4x4x4/T_1100_K/nve_log dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 1091.135777707523 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 10.78104 min(PSD) (post-filter&sample) = 5655.69590 % of original PSD Power f<f* (pre-filter&sample) = 99.798 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 32 (P* = 33, corr_factor = 1.000000) L_0* = 14.688775 +/- 0.030402 S_0* = 2502704.404506 +/- 76087.662746 ----------------------------------------------------- kappa* = 1.638379 +/- 0.049810 W/m/K ----------------------------------------------------- 3 1200 analysing file: ./CaF2/NVE_L_T_heat/4x4x4/T_1200_K/nve_log
dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 1181.806360170398 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 15.31273 min(PSD) (post-filter&sample) = 7849.66140 % of original PSD Power f<f* (pre-filter&sample) = 99.784 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 12 (P* = 13, corr_factor = 1.000000) L_0* = 14.725119 +/- 0.018855 S_0* = 2595337.149669 +/- 48934.121397 ----------------------------------------------------- kappa* = 1.448317 +/- 0.027307 W/m/K ----------------------------------------------------- 4 1300 analysing file: ./CaF2/NVE_L_T_heat/4x4x4/T_1300_K/nve_log dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 1279.0955114028861 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 18.04106 min(PSD) (post-filter&sample) = 9571.00938 % of original PSD Power f<f* (pre-filter&sample) = 99.747 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 13 (P* = 14, corr_factor = 1.000000) L_0* = 14.852060 +/- 0.019594 S_0* = 2946615.369857 +/- 57736.883683 ----------------------------------------------------- kappa* = 1.403718 +/- 0.027505 W/m/K ----------------------------------------------------- 5 1400 analysing file: ./CaF2/NVE_L_T_heat/4x4x4/T_1400_K/nve_log dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 1376.136682607174 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 31.83058 min(PSD) (post-filter&sample) = 13245.09210 % of original PSD Power f<f* (pre-filter&sample) = 99.712 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 12 (P* = 13, corr_factor = 1.000000) L_0* = 14.958408 +/- 0.018855 S_0* = 3277252.544645 +/- 61791.383786 ----------------------------------------------------- kappa* = 1.348805 +/- 0.025431 W/m/K ----------------------------------------------------- 6 1500 analysing file: ./CaF2/NVE_L_T_heat/4x4x4/T_1500_K/nve_log dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 1475.458486282137 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 48.25827 min(PSD) (post-filter&sample) = 17881.23552 % of original PSD Power f<f* (pre-filter&sample) = 99.679 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 12 (P* = 13, corr_factor = 1.000000) L_0* = 15.146863 +/- 0.018855 S_0* = 3956896.935244 +/- 74605.827227 ----------------------------------------------------- kappa* = 1.416652 +/- 0.026710 W/m/K ----------------------------------------------------- 7 1600 analysing file: ./CaF2/NVE_L_T_heat/4x4x4/T_1600_K/nve_log dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 1578.1650809881899 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 65.11363 min(PSD) (post-filter&sample) = 18453.01086 % of original PSD Power f<f* (pre-filter&sample) = 99.648 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 17 (P* = 18, corr_factor = 1.000000) L_0* = 15.269302 +/- 0.022309 S_0* = 4472285.837596 +/- 99772.667248 ----------------------------------------------------- kappa* = 1.399546 +/- 0.031223 W/m/K ----------------------------------------------------- 8 1700 analysing file: ./CaF2/NVE_L_T_heat/4x4x4/T_1700_K/nve_log dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 1678.436221118789 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 84.08606 min(PSD) (post-filter&sample) = 25245.49734 % of original PSD Power f<f* (pre-filter&sample) = 99.625 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 7 (P* = 8, corr_factor = 1.000000) L_0* = 15.358882 +/- 0.014605 S_0* = 4891402.472879 +/- 71437.629620 ----------------------------------------------------- kappa* = 1.353275 +/- 0.019764 W/m/K -----------------------------------------------------
kappa_HC_CaF2_NVE_singlecomp = compute_thermkappa_cepstral(L_min_CaF2_NVE_heat,
L_max_CaF2_NVE_heat,
T_min_CaF2_NVE_heat,
T_max_CaF2_NVE_heat,
T_step_CaF2_NVE_heat,
"./CaF2/NVE_L_T_heat/",
file="nve_log",
resh=[24,12500],
multic=False,
fstar=12.0,
AIC_corr=1.0)
0 900 analysing file: ./CaF2/NVE_L_T_heat/2x2x2/T_900_K/nve_log dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 785.4713003196968 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 12.50000 THz Sampling time TSKIP = 5 steps = 40.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 1251 min(PSD) (pre-filter&sample) = 5.71263 min(PSD) (post-filter&sample) = 42554.30150 % of original PSD Power f<f* (pre-filter&sample) = 96.434 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 13 (P* = 14, corr_factor = 1.000000) L_0* = 11.741643 +/- 0.030315 S_0* = 131122.563340 +/- 3975.004516 ----------------------------------------------------- kappa* = 1.325163 +/- 0.040173 W/m/K ----------------------------------------------------- 1 1000 analysing file: ./CaF2/NVE_L_T_heat/2x2x2/T_1000_K/nve_log dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 872.5850409400906 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 12.50000 THz Sampling time TSKIP = 5 steps = 40.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 1251 min(PSD) (pre-filter&sample) = 8.84573 min(PSD) (post-filter&sample) = 44770.74293 % of original PSD Power f<f* (pre-filter&sample) = 95.980 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 8 (P* = 9, corr_factor = 1.000000) L_0* = 11.924419 +/- 0.024055 S_0* = 157418.596931 +/- 3786.681793 ----------------------------------------------------- kappa* = 1.289119 +/- 0.031010 W/m/K ----------------------------------------------------- 2 1100 analysing file: ./CaF2/NVE_L_T_heat/2x2x2/T_1100_K/nve_log dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 943.2320577549225 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 12.50000 THz Sampling time TSKIP = 5 steps = 40.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 1251 min(PSD) (pre-filter&sample) = 10.21742 min(PSD) (post-filter&sample) = 59713.62941 % of original PSD Power f<f* (pre-filter&sample) = 95.671 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 14 (P* = 15, corr_factor = 1.000000) L_0* = 12.026895 +/- 0.031418 S_0* = 174405.706055 +/- 5479.463044 ----------------------------------------------------- kappa* = 1.222295 +/- 0.038402 W/m/K ----------------------------------------------------- 3 1200 analysing file: ./CaF2/NVE_L_T_heat/2x2x2/T_1200_K/nve_log dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 1038.265739175608 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 12.50000 THz Sampling time TSKIP = 5 steps = 40.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 1251 min(PSD) (pre-filter&sample) = 7.31313 min(PSD) (post-filter&sample) = 77776.44177 % of original PSD Power f<f* (pre-filter&sample) = 95.229 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 8 (P* = 9, corr_factor = 1.000000) L_0* = 12.279397 +/- 0.024055 S_0* = 224502.509910 +/- 5400.375707 ----------------------------------------------------- kappa* = 1.298544 +/- 0.031236 W/m/K ----------------------------------------------------- 4 1300 analysing file: ./CaF2/NVE_L_T_heat/2x2x2/T_1300_K/nve_log dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 1132.3664743487566 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 12.50000 THz Sampling time TSKIP = 5 steps = 40.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 1251 min(PSD) (pre-filter&sample) = 7.41187 min(PSD) (post-filter&sample) = 96500.15556 % of original PSD Power f<f* (pre-filter&sample) = 94.795 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 7 (P* = 8, corr_factor = 1.000000) L_0* = 12.483501 +/- 0.022596 S_0* = 275335.679693 +/- 6221.375817 ----------------------------------------------------- kappa* = 1.338878 +/- 0.030253 W/m/K ----------------------------------------------------- 5 1400 analysing file: ./CaF2/NVE_L_T_heat/2x2x2/T_1400_K/nve_log dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 1208.5241695867044 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 12.50000 THz Sampling time TSKIP = 5 steps = 40.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 1251 min(PSD) (pre-filter&sample) = 12.43289 min(PSD) (post-filter&sample) = 95685.71291 % of original PSD Power f<f* (pre-filter&sample) = 94.399 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 6 (P* = 7, corr_factor = 1.000000) L_0* = 12.589653 +/- 0.021035 S_0* = 306170.666027 +/- 6440.410786 ----------------------------------------------------- kappa* = 1.307089 +/- 0.027495 W/m/K ----------------------------------------------------- 6 1500 analysing file: ./CaF2/NVE_L_T_heat/2x2x2/T_1500_K/nve_log
dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 1318.5987185815143 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 12.50000 THz Sampling time TSKIP = 5 steps = 40.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 1251 min(PSD) (pre-filter&sample) = 11.79140 min(PSD) (post-filter&sample) = 114759.55702 % of original PSD Power f<f* (pre-filter&sample) = 93.836 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 6 (P* = 7, corr_factor = 1.000000) L_0* = 12.867423 +/- 0.021035 S_0* = 404200.989229 +/- 8502.514119 ----------------------------------------------------- kappa* = 1.449521 +/- 0.030491 W/m/K ----------------------------------------------------- 7 1600 analysing file: ./CaF2/NVE_L_T_heat/2x2x2/T_1600_K/nve_log dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 1407.8614095129049 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 12.50000 THz Sampling time TSKIP = 5 steps = 40.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 1251 min(PSD) (pre-filter&sample) = 21.14051 min(PSD) (post-filter&sample) = 167969.01753 % of original PSD Power f<f* (pre-filter&sample) = 93.305 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 6 (P* = 7, corr_factor = 1.000000) L_0* = 13.075703 +/- 0.021035 S_0* = 497796.923513 +/- 10471.338476 ----------------------------------------------------- kappa* = 1.565975 +/- 0.032941 W/m/K ----------------------------------------------------- 8 1700 analysing file: ./CaF2/NVE_L_T_heat/2x2x2/T_1700_K/nve_log dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 1530.7631320786793 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 12.50000 THz Sampling time TSKIP = 5 steps = 40.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 1251 min(PSD) (pre-filter&sample) = 19.53304 min(PSD) (post-filter&sample) = 194150.16708 % of original PSD Power f<f* (pre-filter&sample) = 92.734 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 6 (P* = 7, corr_factor = 1.000000) L_0* = 13.459097 +/- 0.021035 S_0* = 730395.523884 +/- 15364.134230 ----------------------------------------------------- kappa* = 1.943545 +/- 0.040883 W/m/K ----------------------------------------------------- 0 900 analysing file: ./CaF2/NVE_L_T_heat/3x3x3/T_900_K/nve_log dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 917.3643773099268 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 12.50000 THz Sampling time TSKIP = 5 steps = 40.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 1251 min(PSD) (pre-filter&sample) = 67.81390 min(PSD) (post-filter&sample) = 174029.55217 % of original PSD Power f<f* (pre-filter&sample) = 95.392 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 17 (P* = 18, corr_factor = 1.000000) L_0* = 13.516930 +/- 0.034515 S_0* = 773882.386453 +/- 26710.824753 ----------------------------------------------------- kappa* = 1.698908 +/- 0.058638 W/m/K ----------------------------------------------------- 1 1000 analysing file: ./CaF2/NVE_L_T_heat/3x3x3/T_1000_K/nve_log dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 1017.2439931272685 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 12.50000 THz Sampling time TSKIP = 5 steps = 40.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 1251 min(PSD) (pre-filter&sample) = 32.65020 min(PSD) (post-filter&sample) = 229417.52218 % of original PSD Power f<f* (pre-filter&sample) = 95.030 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 8 (P* = 9, corr_factor = 1.000000) L_0* = 13.625488 +/- 0.024055 S_0* = 862622.674073 +/- 20750.264821 ----------------------------------------------------- kappa* = 1.540101 +/- 0.037047 W/m/K ----------------------------------------------------- 2 1100 analysing file: ./CaF2/NVE_L_T_heat/3x3x3/T_1100_K/nve_log dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 1112.644861838182 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 12.50000 THz Sampling time TSKIP = 5 steps = 40.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 1251 min(PSD) (pre-filter&sample) = 20.29620 min(PSD) (post-filter&sample) = 336310.64246 % of original PSD Power f<f* (pre-filter&sample) = 94.502 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 14 (P* = 15, corr_factor = 1.000000) L_0* = 13.837151 +/- 0.031418 S_0* = 1065970.125802 +/- 33490.555114 ----------------------------------------------------- kappa* = 1.590782 +/- 0.049979 W/m/K ----------------------------------------------------- 3 1200 analysing file: ./CaF2/NVE_L_T_heat/3x3x3/T_1200_K/nve_log dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 1213.245113695863 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 12.50000 THz Sampling time TSKIP = 5 steps = 40.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 1251 min(PSD) (pre-filter&sample) = 30.47404 min(PSD) (post-filter&sample) = 339994.72705 % of original PSD Power f<f* (pre-filter&sample) = 93.926 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 7 (P* = 8, corr_factor = 1.000000) L_0* = 13.998228 +/- 0.022596 S_0* = 1252276.119053 +/- 28295.934517 ----------------------------------------------------- kappa* = 1.571743 +/- 0.035514 W/m/K ----------------------------------------------------- 4 1300 analysing file: ./CaF2/NVE_L_T_heat/3x3x3/T_1300_K/nve_log
dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 1309.199256196438 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 12.50000 THz Sampling time TSKIP = 5 steps = 40.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 1251 min(PSD) (pre-filter&sample) = 41.35205 min(PSD) (post-filter&sample) = 482442.13087 % of original PSD Power f<f* (pre-filter&sample) = 93.314 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 6 (P* = 7, corr_factor = 1.000000) L_0* = 14.175386 +/- 0.021035 S_0* = 1494990.783570 +/- 31447.672282 ----------------------------------------------------- kappa* = 1.611409 +/- 0.033897 W/m/K ----------------------------------------------------- 5 1400 analysing file: ./CaF2/NVE_L_T_heat/3x3x3/T_1400_K/nve_log dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 1401.6476002669974 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 12.50000 THz Sampling time TSKIP = 5 steps = 40.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 1251 min(PSD) (pre-filter&sample) = 37.86470 min(PSD) (post-filter&sample) = 559943.72141 % of original PSD Power f<f* (pre-filter&sample) = 92.864 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 6 (P* = 7, corr_factor = 1.000000) L_0* = 14.486163 +/- 0.021035 S_0* = 2039892.812401 +/- 42909.883700 ----------------------------------------------------- kappa* = 1.918264 +/- 0.040351 W/m/K ----------------------------------------------------- 6 1500 analysing file: ./CaF2/NVE_L_T_heat/3x3x3/T_1500_K/nve_log dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 1513.0087585624142 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 12.50000 THz Sampling time TSKIP = 5 steps = 40.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 1251 min(PSD) (pre-filter&sample) = 49.90635 min(PSD) (post-filter&sample) = 706965.41523 % of original PSD Power f<f* (pre-filter&sample) = 92.322 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 9 (P* = 10, corr_factor = 1.000000) L_0* = 14.778752 +/- 0.025431 S_0* = 2733237.171875 +/- 69507.622301 ----------------------------------------------------- kappa* = 2.205835 +/- 0.056096 W/m/K ----------------------------------------------------- 7 1600 analysing file: ./CaF2/NVE_L_T_heat/3x3x3/T_1600_K/nve_log dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 1620.8570047839523 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 12.50000 THz Sampling time TSKIP = 5 steps = 40.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 1251 min(PSD) (pre-filter&sample) = 49.86472 min(PSD) (post-filter&sample) = 864943.44925 % of original PSD Power f<f* (pre-filter&sample) = 91.647 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 9 (P* = 10, corr_factor = 1.000000) L_0* = 15.096645 +/- 0.025431 S_0* = 3756093.029390 +/- 95519.371059 ----------------------------------------------------- kappa* = 2.641348 +/- 0.067171 W/m/K ----------------------------------------------------- 8 1700 analysing file: ./CaF2/NVE_L_T_heat/3x3x3/T_1700_K/nve_log dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 1710.278111672883 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 12.50000 THz Sampling time TSKIP = 5 steps = 40.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 1251 min(PSD) (pre-filter&sample) = 96.60249 min(PSD) (post-filter&sample) = 973403.02461 % of original PSD Power f<f* (pre-filter&sample) = 91.278 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 8 (P* = 9, corr_factor = 1.000000) L_0* = 15.292646 +/- 0.024055 S_0* = 4569394.281635 +/- 109916.124703 ----------------------------------------------------- kappa* = 2.886050 +/- 0.069424 W/m/K ----------------------------------------------------- 0 900 analysing file: ./CaF2/NVE_L_T_heat/4x4x4/T_900_K/nve_log dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 890.015994200058 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 12.50000 THz Sampling time TSKIP = 5 steps = 40.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 1251 min(PSD) (pre-filter&sample) = 48.13703 min(PSD) (post-filter&sample) = 494940.06236 % of original PSD Power f<f* (pre-filter&sample) = 95.475 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 11 (P* = 12, corr_factor = 1.000000) L_0* = 14.295716 +/- 0.027980 S_0* = 1686153.751329 +/- 47177.986814 ----------------------------------------------------- kappa* = 1.659067 +/- 0.046420 W/m/K ----------------------------------------------------- 1 1000 analysing file: ./CaF2/NVE_L_T_heat/4x4x4/T_1000_K/nve_log dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 989.7793916530835 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 12.50000 THz Sampling time TSKIP = 5 steps = 40.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 1251 min(PSD) (pre-filter&sample) = 109.55108 min(PSD) (post-filter&sample) = 658648.76822 % of original PSD Power f<f* (pre-filter&sample) = 94.896 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 11 (P* = 12, corr_factor = 1.000000) L_0* = 14.531701 +/- 0.027980 S_0* = 2134933.311463 +/- 59734.680505 ----------------------------------------------------- kappa* = 1.698517 +/- 0.047524 W/m/K ----------------------------------------------------- 2 1100 analysing file: ./CaF2/NVE_L_T_heat/4x4x4/T_1100_K/nve_log
dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 1091.135777707523 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 12.50000 THz Sampling time TSKIP = 5 steps = 40.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 1251 min(PSD) (pre-filter&sample) = 110.81870 min(PSD) (post-filter&sample) = 670498.72598 % of original PSD Power f<f* (pre-filter&sample) = 94.342 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 6 (P* = 7, corr_factor = 1.000000) L_0* = 14.634202 +/- 0.021035 S_0* = 2365375.197033 +/- 49756.523477 ----------------------------------------------------- kappa* = 1.548477 +/- 0.032573 W/m/K ----------------------------------------------------- 3 1200 analysing file: ./CaF2/NVE_L_T_heat/4x4x4/T_1200_K/nve_log dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 1181.806360170398 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 12.50000 THz Sampling time TSKIP = 5 steps = 40.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 1251 min(PSD) (pre-filter&sample) = 69.69909 min(PSD) (post-filter&sample) = 740406.76718 % of original PSD Power f<f* (pre-filter&sample) = 93.969 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 11 (P* = 12, corr_factor = 1.000000) L_0* = 14.778429 +/- 0.027980 S_0* = 2732354.565314 +/- 76450.316320 ----------------------------------------------------- kappa* = 1.524779 +/- 0.042663 W/m/K ----------------------------------------------------- 4 1300 analysing file: ./CaF2/NVE_L_T_heat/4x4x4/T_1300_K/nve_log dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 1279.0955114028861 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 12.50000 THz Sampling time TSKIP = 5 steps = 40.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 1251 min(PSD) (pre-filter&sample) = 105.98106 min(PSD) (post-filter&sample) = 958606.35468 % of original PSD Power f<f* (pre-filter&sample) = 93.268 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 10 (P* = 11, corr_factor = 1.000000) L_0* = 15.048778 +/- 0.026735 S_0* = 3580535.504185 +/- 95727.329908 ----------------------------------------------------- kappa* = 1.705707 +/- 0.045603 W/m/K ----------------------------------------------------- 5 1400 analysing file: ./CaF2/NVE_L_T_heat/4x4x4/T_1400_K/nve_log dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 1376.136682607174 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 12.50000 THz Sampling time TSKIP = 5 steps = 40.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 1251 min(PSD) (pre-filter&sample) = 168.31513 min(PSD) (post-filter&sample) = 1039876.21863 % of original PSD Power f<f* (pre-filter&sample) = 92.730 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 9 (P* = 10, corr_factor = 1.000000) L_0* = 15.283474 +/- 0.025431 S_0* = 4527672.132000 +/- 115141.023139 ----------------------------------------------------- kappa* = 1.863435 +/- 0.047388 W/m/K ----------------------------------------------------- 6 1500 analysing file: ./CaF2/NVE_L_T_heat/4x4x4/T_1500_K/nve_log dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 1475.458486282137 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 12.50000 THz Sampling time TSKIP = 5 steps = 40.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 1251 min(PSD) (pre-filter&sample) = 112.43567 min(PSD) (post-filter&sample) = 1558628.28500 % of original PSD Power f<f* (pre-filter&sample) = 92.072 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 6 (P* = 7, corr_factor = 1.000000) L_0* = 15.636010 +/- 0.021035 S_0* = 6441389.155351 +/- 135496.952506 ----------------------------------------------------- kappa* = 2.306152 +/- 0.048511 W/m/K ----------------------------------------------------- 7 1600 analysing file: ./CaF2/NVE_L_T_heat/4x4x4/T_1600_K/nve_log dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 1578.1650809881899 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 12.50000 THz Sampling time TSKIP = 5 steps = 40.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 1251 min(PSD) (pre-filter&sample) = 152.90234 min(PSD) (post-filter&sample) = 2064553.92932 % of original PSD Power f<f* (pre-filter&sample) = 91.535 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 10 (P* = 11, corr_factor = 1.000000) L_0* = 15.911080 +/- 0.026735 S_0* = 8480882.557391 +/- 226740.453078 ----------------------------------------------------- kappa* = 2.653986 +/- 0.070956 W/m/K ----------------------------------------------------- 8 1700 analysing file: ./CaF2/NVE_L_T_heat/4x4x4/T_1700_K/nve_log dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 1678.436221118789 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 12.50000 THz Sampling time TSKIP = 5 steps = 40.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 1251 min(PSD) (pre-filter&sample) = 98.94487 min(PSD) (post-filter&sample) = 2441622.52354 % of original PSD Power f<f* (pre-filter&sample) = 90.998 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 7 (P* = 8, corr_factor = 1.000000) L_0* = 16.186085 +/- 0.022596 S_0* = 11165399.095269 +/- 252288.929614 ----------------------------------------------------- kappa* = 3.089065 +/- 0.069799 W/m/K -----------------------------------------------------
plot_kappa_vs_T(L_min_CaF2_NVE_heat, L_max_CaF2_NVE_heat, temp_CaF2_NVE_heat, kappa_HC_CaF2_NVE, trueTemp=True)
plt.ylim(0.0,3.2)
(0.0, 3.2)
plot_kappa_vs_T(L_min_CaF2_NVE_heat, L_max_CaF2_NVE_heat, temp_CaF2_NVE_heat, kappa_HC_CaF2_NVE_singlecomp, trueTemp=True)
plt.ylim(0.0,3.2)
(0.0, 3.2)
alat_CaF2_heat = 5.712 # angstrom
L_min_CaF2_NVT_heat = 2
L_max_CaF2_NVT_heat = 4
T_min_CaF2_NVT_heat = 800
T_max_CaF2_NVT_heat = 1800
T_step_CaF2_NVT_heat = 100
trueTemp_CaF2_NVT_heat = temperature(L_min_CaF2_NVT_heat, L_max_CaF2_NVT_heat, T_min_CaF2_NVT_heat, T_max_CaF2_NVT_heat, T_step_CaF2_NVT_heat, dirname="./CaF2/NVT_L_T_heat/", nve_file="nvt_log", SKIP=10)
Temp_CaF2_NVT_heat = np.arange(T_min_CaF2_NVT_heat, T_max_CaF2_NVT_heat + T_step_CaF2_NVT_heat, T_step_CaF2_NVT_heat)
inv_T_arr_CaF2_NVT_heat = 1./trueTemp_CaF2_NVT_heat
N_L: 3 N_T: 11
kappa_HC_CaF2_NVT = compute_thermkappa_cepstral(L_min_CaF2_NVT_heat,
L_max_CaF2_NVT_heat,
T_min_CaF2_NVT_heat,
T_max_CaF2_NVT_heat,
T_step_CaF2_NVT_heat,
"./CaF2/NVT_L_T_heat/",
file="nvt_log",
use_target_T=True,
resh=[24,12500],
fstar=40.0,
AIC_corr=1.0)
0 800 analysing file: ./CaF2/NVT_L_T_heat/2x2x2/T_800_K/nvt_log dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 800.3969865502345 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.64996 min(PSD) (post-filter&sample) = 162.31378 % of original PSD Power f<f* (pre-filter&sample) = 99.886 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 23 (P* = 24, corr_factor = 1.000000) L_0* = 11.772330 +/- 0.025852 S_0* = 135460.811943 +/- 3501.955401 ----------------------------------------------------- kappa* = 1.318424 +/- 0.034084 W/m/K ----------------------------------------------------- 1 900 analysing file: ./CaF2/NVT_L_T_heat/2x2x2/T_900_K/nvt_log dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 900.3379236611635 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 1.13089 min(PSD) (post-filter&sample) = 238.79714 % of original PSD Power f<f* (pre-filter&sample) = 99.861 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 32 (P* = 33, corr_factor = 1.000000) L_0* = 12.063890 +/- 0.030402 S_0* = 181316.158917 +/- 5512.405990 ----------------------------------------------------- kappa* = 1.394690 +/- 0.042402 W/m/K ----------------------------------------------------- 2 1000 analysing file: ./CaF2/NVT_L_T_heat/2x2x2/T_1000_K/nvt_log dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 1000.38039899541 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 1.39432 min(PSD) (post-filter&sample) = 360.65483 % of original PSD Power f<f* (pre-filter&sample) = 99.837 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 21 (P* = 22, corr_factor = 1.000000) L_0* = 12.163672 +/- 0.024728 S_0* = 200341.693258 +/- 4953.972316 ----------------------------------------------------- kappa* = 1.248227 +/- 0.030866 W/m/K ----------------------------------------------------- 3 1100 analysing file: ./CaF2/NVT_L_T_heat/2x2x2/T_1100_K/nvt_log dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 1100.4913814511856 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 1.80542 min(PSD) (post-filter&sample) = 443.45978 % of original PSD Power f<f* (pre-filter&sample) = 99.812 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 30 (P* = 31, corr_factor = 1.000000) L_0* = 12.338100 +/- 0.029452 S_0* = 238519.893038 +/- 7024.857693 ----------------------------------------------------- kappa* = 1.228015 +/- 0.036167 W/m/K ----------------------------------------------------- 4 1200 analysing file: ./CaF2/NVT_L_T_heat/2x2x2/T_1200_K/nvt_log dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 1200.372501612384 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 2.17941 min(PSD) (post-filter&sample) = 630.78484 % of original PSD Power f<f* (pre-filter&sample) = 99.786 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 17 (P* = 18, corr_factor = 1.000000) L_0* = 12.543160 +/- 0.022309 S_0* = 292806.754400 +/- 6532.254855 ----------------------------------------------------- kappa* = 1.267072 +/- 0.028267 W/m/K ----------------------------------------------------- 5 1300 analysing file: ./CaF2/NVT_L_T_heat/2x2x2/T_1300_K/nvt_log dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 1300.3410998791012 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 2.90961 min(PSD) (post-filter&sample) = 873.24054 % of original PSD Power f<f* (pre-filter&sample) = 99.768 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 20 (P* = 21, corr_factor = 1.000000) L_0* = 12.676324 +/- 0.024146 S_0* = 334513.379380 +/- 8077.062223 ----------------------------------------------------- kappa* = 1.233535 +/- 0.029785 W/m/K ----------------------------------------------------- 6 1400 analysing file: ./CaF2/NVT_L_T_heat/2x2x2/T_1400_K/nvt_log dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 1400.490950438396 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 4.63897 min(PSD) (post-filter&sample) = 1089.87720 % of original PSD Power f<f* (pre-filter&sample) = 99.743 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 20 (P* = 21, corr_factor = 1.000000) L_0* = 12.871415 +/- 0.024146 S_0* = 406574.648664 +/- 9817.032555 ----------------------------------------------------- kappa* = 1.292505 +/- 0.031208 W/m/K ----------------------------------------------------- 7 1500 analysing file: ./CaF2/NVT_L_T_heat/2x2x2/T_1500_K/nvt_log
dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 1500.535846627534 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 7.84038 min(PSD) (post-filter&sample) = 1440.99239 % of original PSD Power f<f* (pre-filter&sample) = 99.710 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 12 (P* = 13, corr_factor = 1.000000) L_0* = 12.976055 +/- 0.018855 S_0* = 451424.378218 +/- 8511.439575 ----------------------------------------------------- kappa* = 1.250100 +/- 0.023570 W/m/K ----------------------------------------------------- 8 1600 analysing file: ./CaF2/NVT_L_T_heat/2x2x2/T_1600_K/nvt_log dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 1600.4333502954971 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 8.89783 min(PSD) (post-filter&sample) = 1705.29019 % of original PSD Power f<f* (pre-filter&sample) = 99.685 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 12 (P* = 13, corr_factor = 1.000000) L_0* = 13.087704 +/- 0.018855 S_0* = 504746.892699 +/- 9516.815850 ----------------------------------------------------- kappa* = 1.228714 +/- 0.023167 W/m/K ----------------------------------------------------- 9 1700 analysing file: ./CaF2/NVT_L_T_heat/2x2x2/T_1700_K/nvt_log dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 1700.340357561424 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 9.34138 min(PSD) (post-filter&sample) = 2205.68730 % of original PSD Power f<f* (pre-filter&sample) = 99.653 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 16 (P* = 17, corr_factor = 1.000000) L_0* = 13.217908 +/- 0.021662 S_0* = 574936.877984 +/- 12454.466927 ----------------------------------------------------- kappa* = 1.239941 +/- 0.026860 W/m/K ----------------------------------------------------- 10 1800 analysing file: ./CaF2/NVT_L_T_heat/2x2x2/T_1800_K/nvt_log dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 1800.4542477505224 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 17.05296 min(PSD) (post-filter&sample) = 2357.49314 % of original PSD Power f<f* (pre-filter&sample) = 99.637 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 12 (P* = 13, corr_factor = 1.000000) L_0* = 13.364051 +/- 0.018855 S_0* = 665410.349117 +/- 12546.065858 ----------------------------------------------------- kappa* = 1.279905 +/- 0.024132 W/m/K ----------------------------------------------------- 0 800 analysing file: ./CaF2/NVT_L_T_heat/3x3x3/T_800_K/nvt_log dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 799.9224401721981 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 2.42774 min(PSD) (post-filter&sample) = 636.74392 % of original PSD Power f<f* (pre-filter&sample) = 99.879 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 25 (P* = 26, corr_factor = 1.000000) L_0* = 13.248940 +/- 0.026930 S_0* = 593058.455722 +/- 15970.944404 ----------------------------------------------------- kappa* = 1.712302 +/- 0.046112 W/m/K ----------------------------------------------------- 1 900 analysing file: ./CaF2/NVT_L_T_heat/3x3x3/T_900_K/nvt_log dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 899.9518604963949 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 3.73390 min(PSD) (post-filter&sample) = 1014.73573 % of original PSD Power f<f* (pre-filter&sample) = 99.855 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 26 (P* = 27, corr_factor = 1.000000) L_0* = 13.415443 +/- 0.027453 S_0* = 700501.028528 +/- 19230.683467 ----------------------------------------------------- kappa* = 1.597897 +/- 0.043867 W/m/K ----------------------------------------------------- 2 1000 analysing file: ./CaF2/NVT_L_T_heat/3x3x3/T_1000_K/nvt_log dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 999.9140667484324 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 3.66004 min(PSD) (post-filter&sample) = 1272.77943 % of original PSD Power f<f* (pre-filter&sample) = 99.831 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 32 (P* = 33, corr_factor = 1.000000) L_0* = 13.635848 +/- 0.030402 S_0* = 873231.490696 +/- 26548.138503 ----------------------------------------------------- kappa* = 1.613551 +/- 0.049055 W/m/K ----------------------------------------------------- 3 1100 analysing file: ./CaF2/NVT_L_T_heat/3x3x3/T_1100_K/nvt_log
dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 1099.9187776027238 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 5.70618 min(PSD) (post-filter&sample) = 2182.14272 % of original PSD Power f<f* (pre-filter&sample) = 99.806 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 20 (P* = 21, corr_factor = 1.000000) L_0* = 13.745059 +/- 0.024146 S_0* = 973999.898525 +/- 23517.916682 ----------------------------------------------------- kappa* = 1.487361 +/- 0.035913 W/m/K ----------------------------------------------------- 4 1200 analysing file: ./CaF2/NVT_L_T_heat/3x3x3/T_1200_K/nvt_log dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 1199.8890732524678 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 5.73947 min(PSD) (post-filter&sample) = 2558.34741 % of original PSD Power f<f* (pre-filter&sample) = 99.781 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 22 (P* = 23, corr_factor = 1.000000) L_0* = 13.908097 +/- 0.025296 S_0* = 1146477.688164 +/- 29001.460651 ----------------------------------------------------- kappa* = 1.471167 +/- 0.037215 W/m/K ----------------------------------------------------- 5 1300 analysing file: ./CaF2/NVT_L_T_heat/3x3x3/T_1300_K/nvt_log dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 1299.8878020639793 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 9.76307 min(PSD) (post-filter&sample) = 3616.39671 % of original PSD Power f<f* (pre-filter&sample) = 99.757 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 16 (P* = 17, corr_factor = 1.000000) L_0* = 14.076163 +/- 0.021662 S_0* = 1356300.132724 +/- 29380.608191 ----------------------------------------------------- kappa* = 1.482937 +/- 0.032124 W/m/K ----------------------------------------------------- 6 1400 analysing file: ./CaF2/NVT_L_T_heat/3x3x3/T_1400_K/nvt_log dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 1399.8891094569055 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 11.25206 min(PSD) (post-filter&sample) = 4781.71351 % of original PSD Power f<f* (pre-filter&sample) = 99.722 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 20 (P* = 21, corr_factor = 1.000000) L_0* = 14.204960 +/- 0.024146 S_0* = 1542735.260086 +/- 37250.434382 ----------------------------------------------------- kappa* = 1.454396 +/- 0.035117 W/m/K ----------------------------------------------------- 7 1500 analysing file: ./CaF2/NVT_L_T_heat/3x3x3/T_1500_K/nvt_log dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 1499.82291198888 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 19.82280 min(PSD) (post-filter&sample) = 6490.34003 % of original PSD Power f<f* (pre-filter&sample) = 99.684 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 9 (P* = 10, corr_factor = 1.000000) L_0* = 14.273903 +/- 0.016437 S_0* = 1652849.049275 +/- 27168.020748 ----------------------------------------------------- kappa* = 1.357475 +/- 0.022313 W/m/K ----------------------------------------------------- 8 1600 analysing file: ./CaF2/NVT_L_T_heat/3x3x3/T_1600_K/nvt_log dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 1599.8297344166558 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 32.99899 min(PSD) (post-filter&sample) = 7960.29317 % of original PSD Power f<f* (pre-filter&sample) = 99.652 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 9 (P* = 10, corr_factor = 1.000000) L_0* = 14.417235 +/- 0.016437 S_0* = 1907573.830784 +/- 31354.953700 ----------------------------------------------------- kappa* = 1.376932 +/- 0.022633 W/m/K ----------------------------------------------------- 9 1700 analysing file: ./CaF2/NVT_L_T_heat/3x3x3/T_1700_K/nvt_log dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 1699.8394379576205 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 45.36571 min(PSD) (post-filter&sample) = 10777.35855 % of original PSD Power f<f* (pre-filter&sample) = 99.624 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 17 (P* = 18, corr_factor = 1.000000) L_0* = 14.530106 +/- 0.022309 S_0* = 2135505.211635 +/- 47641.197058 ----------------------------------------------------- kappa* = 1.365411 +/- 0.030461 W/m/K ----------------------------------------------------- 10 1800 analysing file: ./CaF2/NVT_L_T_heat/3x3x3/T_1800_K/nvt_log
dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 1799.8055541634583 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 58.01435 min(PSD) (post-filter&sample) = 12727.75579 % of original PSD Power f<f* (pre-filter&sample) = 99.603 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 11 (P* = 12, corr_factor = 1.000000) L_0* = 14.641119 +/- 0.018085 S_0* = 2386234.381276 +/- 43154.394188 ----------------------------------------------------- kappa* = 1.360945 +/- 0.024612 W/m/K ----------------------------------------------------- 0 800 analysing file: ./CaF2/NVT_L_T_heat/4x4x4/T_800_K/nvt_log dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 799.7328295694043 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 2.82307 min(PSD) (post-filter&sample) = 1691.56001 % of original PSD Power f<f* (pre-filter&sample) = 99.877 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 38 (P* = 39, corr_factor = 1.000000) L_0* = 14.170634 +/- 0.033090 S_0* = 1490678.739564 +/- 49326.173652 ----------------------------------------------------- kappa* = 1.816589 +/- 0.060110 W/m/K ----------------------------------------------------- 1 900 analysing file: ./CaF2/NVT_L_T_heat/4x4x4/T_900_K/nvt_log dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 899.691118893011 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 5.30690 min(PSD) (post-filter&sample) = 2859.56167 % of original PSD Power f<f* (pre-filter&sample) = 99.849 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 20 (P* = 21, corr_factor = 1.000000) L_0* = 14.283674 +/- 0.024146 S_0* = 1669077.445583 +/- 40301.055842 ----------------------------------------------------- kappa* = 1.607134 +/- 0.038805 W/m/K ----------------------------------------------------- 2 1000 analysing file: ./CaF2/NVT_L_T_heat/4x4x4/T_1000_K/nvt_log dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 999.6540995312045 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 9.35921 min(PSD) (post-filter&sample) = 4137.56935 % of original PSD Power f<f* (pre-filter&sample) = 99.828 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 17 (P* = 18, corr_factor = 1.000000) L_0* = 14.434631 +/- 0.022309 S_0* = 1941047.966243 +/- 43303.031130 ----------------------------------------------------- kappa* = 1.513907 +/- 0.033774 W/m/K ----------------------------------------------------- 3 1100 analysing file: ./CaF2/NVT_L_T_heat/4x4x4/T_1100_K/nvt_log dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 1099.625526898331 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 11.70274 min(PSD) (post-filter&sample) = 4904.61280 % of original PSD Power f<f* (pre-filter&sample) = 99.798 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 24 (P* = 25, corr_factor = 1.000000) L_0* = 14.636856 +/- 0.026396 S_0* = 2376083.939192 +/- 62720.256566 ----------------------------------------------------- kappa* = 1.531562 +/- 0.040428 W/m/K ----------------------------------------------------- 4 1200 analysing file: ./CaF2/NVT_L_T_heat/4x4x4/T_1200_K/nvt_log dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 1199.5676968580315 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 20.84643 min(PSD) (post-filter&sample) = 7585.04661 % of original PSD Power f<f* (pre-filter&sample) = 99.773 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 16 (P* = 17, corr_factor = 1.000000) L_0* = 14.765456 +/- 0.021662 S_0* = 2702164.096220 +/- 58535.144740 ----------------------------------------------------- kappa* = 1.463607 +/- 0.031705 W/m/K ----------------------------------------------------- 5 1300 analysing file: ./CaF2/NVT_L_T_heat/4x4x4/T_1300_K/nvt_log dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 1299.5294157538426 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 20.42988 min(PSD) (post-filter&sample) = 11237.47224 % of original PSD Power f<f* (pre-filter&sample) = 99.743 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 27 (P* = 28, corr_factor = 1.000000) L_0* = 14.947898 +/- 0.027966 S_0* = 3242987.455648 +/- 90693.178119 ----------------------------------------------------- kappa* = 1.496702 +/- 0.041857 W/m/K ----------------------------------------------------- 6 1400 analysing file: ./CaF2/NVT_L_T_heat/4x4x4/T_1400_K/nvt_log
dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 1399.496229204708 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 35.45619 min(PSD) (post-filter&sample) = 12080.19550 % of original PSD Power f<f* (pre-filter&sample) = 99.705 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 12 (P* = 13, corr_factor = 1.000000) L_0* = 15.034375 +/- 0.018855 S_0* = 3535914.653972 +/- 66668.362124 ----------------------------------------------------- kappa* = 1.407086 +/- 0.026530 W/m/K ----------------------------------------------------- 7 1500 analysing file: ./CaF2/NVT_L_T_heat/4x4x4/T_1500_K/nvt_log dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 1499.4745410545895 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 44.39869 min(PSD) (post-filter&sample) = 12705.26101 % of original PSD Power f<f* (pre-filter&sample) = 99.683 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 11 (P* = 12, corr_factor = 1.000000) L_0* = 15.149522 +/- 0.018085 S_0* = 3967431.388106 +/- 71749.908298 ----------------------------------------------------- kappa* = 1.375288 +/- 0.024872 W/m/K ----------------------------------------------------- 8 1600 analysing file: ./CaF2/NVT_L_T_heat/4x4x4/T_1600_K/nvt_log dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 1599.4700884191159 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 71.54180 min(PSD) (post-filter&sample) = 22621.69900 % of original PSD Power f<f* (pre-filter&sample) = 99.640 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 10 (P* = 11, corr_factor = 1.000000) L_0* = 15.254917 +/- 0.017281 S_0* = 4408412.614588 +/- 76179.811070 ----------------------------------------------------- kappa* = 1.343051 +/- 0.023209 W/m/K ----------------------------------------------------- 9 1700 analysing file: ./CaF2/NVT_L_T_heat/4x4x4/T_1700_K/nvt_log dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 1699.4353613873864 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 104.38138 min(PSD) (post-filter&sample) = 29303.43415 % of original PSD Power f<f* (pre-filter&sample) = 99.619 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 9 (P* = 10, corr_factor = 1.000000) L_0* = 15.386533 +/- 0.016437 S_0* = 5028541.226273 +/- 82654.560879 ----------------------------------------------------- kappa* = 1.357048 +/- 0.022306 W/m/K ----------------------------------------------------- 10 1800 analysing file: ./CaF2/NVT_L_T_heat/4x4x4/T_1800_K/nvt_log dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 1799.3470439655603 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 157.39563 min(PSD) (post-filter&sample) = 30442.57356 % of original PSD Power f<f* (pre-filter&sample) = 99.583 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 8 (P* = 9, corr_factor = 1.000000) L_0* = 15.488294 +/- 0.015548 S_0* = 5567195.047990 +/- 86558.337267 ----------------------------------------------------- kappa* = 1.340198 +/- 0.020837 W/m/K -----------------------------------------------------
plot_kappa_vs_T(L_min_CaF2_NVT_heat, 3, Temp_CaF2_NVT_heat, kappa_HC_CaF2_NVT, addlabel='NVT, ')
plot_kappa_vs_T(L_min_CaF2_NVE_heat, 3, temp_CaF2_NVE_heat, kappa_HC_CaF2_NVE, trueTemp=True, myoffset=4, addlabel='NVE, ')
plt.ylim(0.0,2.0)
plt.legend(loc="lower left")
plt.title("CaF$_2$ - f* = 31.25 THz")
plt.tick_params(which='both', direction='in')
plt.figure
plt.savefig('kappa_NVT_NVE_comparison_CaF2.pdf', format='pdf', bbox_inches='tight')
kappa_HC_CaF2_singcomp_NVT = compute_thermkappa_cepstral(L_min_CaF2_NVT_heat,
L_max_CaF2_NVT_heat,
T_min_CaF2_NVT_heat,
T_max_CaF2_NVT_heat,
T_step_CaF2_NVT_heat,
"./CaF2/NVT_L_T_heat/",
file="nvt_log",
use_target_T=True,
multic=False,
resh=[24,12500],
fstar=40.0,
AIC_corr=1.0)
0 800 analysing file: ./CaF2/NVT_L_T_heat/2x2x2/T_800_K/nvt_log dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 800.3969865502345 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 7.44534 min(PSD) (post-filter&sample) = 322.64774 % of original PSD Power f<f* (pre-filter&sample) = 99.979 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 25 (P* = 26, corr_factor = 1.000000) L_0* = 11.768092 +/- 0.026351 S_0* = 134636.944592 +/- 3547.787871 ----------------------------------------------------- kappa* = 1.310406 +/- 0.034530 W/m/K ----------------------------------------------------- 1 900 analysing file: ./CaF2/NVT_L_T_heat/2x2x2/T_900_K/nvt_log dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 900.3379236611635 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 9.64497 min(PSD) (post-filter&sample) = 397.43221 % of original PSD Power f<f* (pre-filter&sample) = 99.972 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 21 (P* = 22, corr_factor = 1.000000) L_0* = 12.054249 +/- 0.024196 S_0* = 179242.300015 +/- 4336.936317 ----------------------------------------------------- kappa* = 1.378738 +/- 0.033360 W/m/K ----------------------------------------------------- 2 1000 analysing file: ./CaF2/NVT_L_T_heat/2x2x2/T_1000_K/nvt_log dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 1000.38039899541 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 10.20698 min(PSD) (post-filter&sample) = 618.89842 % of original PSD Power f<f* (pre-filter&sample) = 99.965 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 22 (P* = 23, corr_factor = 1.000000) L_0* = 12.199051 +/- 0.024752 S_0* = 207170.187250 +/- 5127.926890 ----------------------------------------------------- kappa* = 1.290771 +/- 0.031949 W/m/K ----------------------------------------------------- 3 1100 analysing file: ./CaF2/NVT_L_T_heat/2x2x2/T_1100_K/nvt_log dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 1100.4913814511856 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 10.81881 min(PSD) (post-filter&sample) = 1115.82274 % of original PSD Power f<f* (pre-filter&sample) = 99.955 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 19 (P* = 20, corr_factor = 1.000000) L_0* = 12.384889 +/- 0.023043 S_0* = 249479.958749 +/- 5748.787775 ----------------------------------------------------- kappa* = 1.284443 +/- 0.029598 W/m/K ----------------------------------------------------- 4 1200 analysing file: ./CaF2/NVT_L_T_heat/2x2x2/T_1200_K/nvt_log dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 1200.372501612384 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 12.18217 min(PSD) (post-filter&sample) = 1297.64293 % of original PSD Power f<f* (pre-filter&sample) = 99.944 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 20 (P* = 21, corr_factor = 1.000000) L_0* = 12.665248 +/- 0.023627 S_0* = 330213.023516 +/- 7801.793217 ----------------------------------------------------- kappa* = 1.428942 +/- 0.033761 W/m/K ----------------------------------------------------- 5 1300 analysing file: ./CaF2/NVT_L_T_heat/2x2x2/T_1300_K/nvt_log dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 1300.3410998791012 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 13.61152 min(PSD) (post-filter&sample) = 1684.49247 % of original PSD Power f<f* (pre-filter&sample) = 99.934 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 15 (P* = 16, corr_factor = 1.000000) L_0* = 12.868673 +/- 0.020544 S_0* = 404706.637303 +/- 8314.372602 ----------------------------------------------------- kappa* = 1.492376 +/- 0.030660 W/m/K ----------------------------------------------------- 6 1400 analysing file: ./CaF2/NVT_L_T_heat/2x2x2/T_1400_K/nvt_log
dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 1400.490950438396 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 14.70325 min(PSD) (post-filter&sample) = 2186.34918 % of original PSD Power f<f* (pre-filter&sample) = 99.919 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 17 (P* = 18, corr_factor = 1.000000) L_0* = 13.074067 +/- 0.021829 S_0* = 496983.507220 +/- 10848.865075 ----------------------------------------------------- kappa* = 1.579915 +/- 0.034489 W/m/K ----------------------------------------------------- 7 1500 analysing file: ./CaF2/NVT_L_T_heat/2x2x2/T_1500_K/nvt_log dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 1500.535846627534 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 20.78469 min(PSD) (post-filter&sample) = 3005.15229 % of original PSD Power f<f* (pre-filter&sample) = 99.903 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 16 (P* = 17, corr_factor = 1.000000) L_0* = 13.394620 +/- 0.021197 S_0* = 684788.063047 +/- 14515.147736 ----------------------------------------------------- kappa* = 1.896338 +/- 0.040196 W/m/K ----------------------------------------------------- 8 1600 analysing file: ./CaF2/NVT_L_T_heat/2x2x2/T_1600_K/nvt_log dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 1600.4333502954971 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 22.70641 min(PSD) (post-filter&sample) = 4448.02912 % of original PSD Power f<f* (pre-filter&sample) = 99.885 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 17 (P* = 18, corr_factor = 1.000000) L_0* = 13.664213 +/- 0.021829 S_0* = 896683.187535 +/- 19574.079974 ----------------------------------------------------- kappa* = 2.182812 +/- 0.047650 W/m/K ----------------------------------------------------- 9 1700 analysing file: ./CaF2/NVT_L_T_heat/2x2x2/T_1700_K/nvt_log dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 1700.340357561424 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 35.82393 min(PSD) (post-filter&sample) = 4918.40421 % of original PSD Power f<f* (pre-filter&sample) = 99.868 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 15 (P* = 16, corr_factor = 1.000000) L_0* = 13.985726 +/- 0.020544 S_0* = 1236717.510584 +/- 25407.367309 ----------------------------------------------------- kappa* = 2.667173 +/- 0.054795 W/m/K ----------------------------------------------------- 10 1800 analysing file: ./CaF2/NVT_L_T_heat/2x2x2/T_1800_K/nvt_log dt = 8.000000000009777 alat = 1.1424e-09 TEMPERATURE = 1800.4542477505224 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 37.95063 min(PSD) (post-filter&sample) = 4734.51728 % of original PSD Power f<f* (pre-filter&sample) = 99.850 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 14 (P* = 15, corr_factor = 1.000000) L_0* = 14.133332 +/- 0.019870 S_0* = 1433424.036205 +/- 28482.754776 ----------------------------------------------------- kappa* = 2.757166 +/- 0.054786 W/m/K ----------------------------------------------------- 0 800 analysing file: ./CaF2/NVT_L_T_heat/3x3x3/T_800_K/nvt_log dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 799.9224401721981 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 20.02018 min(PSD) (post-filter&sample) = 1306.48484 % of original PSD Power f<f* (pre-filter&sample) = 99.980 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 27 (P* = 28, corr_factor = 1.000000) L_0* = 13.247141 +/- 0.027365 S_0* = 590890.593650 +/- 16169.505206 ----------------------------------------------------- kappa* = 1.706043 +/- 0.046685 W/m/K ----------------------------------------------------- 1 900 analysing file: ./CaF2/NVT_L_T_heat/3x3x3/T_900_K/nvt_log dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 899.9518604963949 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 18.02614 min(PSD) (post-filter&sample) = 1718.00472 % of original PSD Power f<f* (pre-filter&sample) = 99.973 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 23 (P* = 24, corr_factor = 1.000000) L_0* = 13.405613 +/- 0.025296 S_0* = 692358.003659 +/- 17514.105249 ----------------------------------------------------- kappa* = 1.579322 +/- 0.039951 W/m/K ----------------------------------------------------- 2 1000 analysing file: ./CaF2/NVT_L_T_heat/3x3x3/T_1000_K/nvt_log
dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 999.9140667484324 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 46.90203 min(PSD) (post-filter&sample) = 2984.12029 % of original PSD Power f<f* (pre-filter&sample) = 99.962 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 47 (P* = 48, corr_factor = 1.000000) L_0* = 13.707561 +/- 0.035964 S_0* = 936407.178228 +/- 33677.112376 ----------------------------------------------------- kappa* = 1.730286 +/- 0.062228 W/m/K ----------------------------------------------------- 3 1100 analysing file: ./CaF2/NVT_L_T_heat/3x3x3/T_1100_K/nvt_log dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 1099.9187776027238 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 41.29403 min(PSD) (post-filter&sample) = 3913.31262 % of original PSD Power f<f* (pre-filter&sample) = 99.955 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 14 (P* = 15, corr_factor = 1.000000) L_0* = 13.717319 +/- 0.019870 S_0* = 945589.974751 +/- 18789.281252 ----------------------------------------------------- kappa* = 1.443977 +/- 0.028692 W/m/K ----------------------------------------------------- 4 1200 analysing file: ./CaF2/NVT_L_T_heat/3x3x3/T_1200_K/nvt_log dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 1199.8890732524678 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 67.72828 min(PSD) (post-filter&sample) = 4429.75675 % of original PSD Power f<f* (pre-filter&sample) = 99.941 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 15 (P* = 16, corr_factor = 1.000000) L_0* = 13.943986 +/- 0.020544 S_0* = 1186159.096182 +/- 24368.685318 ----------------------------------------------------- kappa* = 1.522087 +/- 0.031270 W/m/K ----------------------------------------------------- 5 1300 analysing file: ./CaF2/NVT_L_T_heat/3x3x3/T_1300_K/nvt_log dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 1299.8878020639793 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 39.56491 min(PSD) (post-filter&sample) = 6425.50362 % of original PSD Power f<f* (pre-filter&sample) = 99.931 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 15 (P* = 16, corr_factor = 1.000000) L_0* = 14.202080 +/- 0.020544 S_0* = 1535436.108481 +/- 31544.300823 ----------------------------------------------------- kappa* = 1.678799 +/- 0.034490 W/m/K ----------------------------------------------------- 6 1400 analysing file: ./CaF2/NVT_L_T_heat/3x3x3/T_1400_K/nvt_log dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 1399.8891094569055 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 30.90024 min(PSD) (post-filter&sample) = 9193.52727 % of original PSD Power f<f* (pre-filter&sample) = 99.913 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 15 (P* = 16, corr_factor = 1.000000) L_0* = 14.497657 +/- 0.020544 S_0* = 2063475.527356 +/- 42392.446300 ----------------------------------------------------- kappa* = 1.945318 +/- 0.039965 W/m/K ----------------------------------------------------- 7 1500 analysing file: ./CaF2/NVT_L_T_heat/3x3x3/T_1500_K/nvt_log dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 1499.82291198888 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 95.16074 min(PSD) (post-filter&sample) = 12079.51736 % of original PSD Power f<f* (pre-filter&sample) = 99.894 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 23 (P* = 24, corr_factor = 1.000000) L_0* = 14.758850 +/- 0.025296 S_0* = 2679376.203808 +/- 67778.340955 ----------------------------------------------------- kappa* = 2.200556 +/- 0.055666 W/m/K ----------------------------------------------------- 8 1600 analysing file: ./CaF2/NVT_L_T_heat/3x3x3/T_1600_K/nvt_log dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 1599.8297344166558 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 130.23970 min(PSD) (post-filter&sample) = 15596.04802 % of original PSD Power f<f* (pre-filter&sample) = 99.874 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 18 (P* = 19, corr_factor = 1.000000) L_0* = 15.081984 +/- 0.022444 S_0* = 3701425.184582 +/- 83076.491463 ----------------------------------------------------- kappa* = 2.671776 +/- 0.059967 W/m/K ----------------------------------------------------- 9 1700 analysing file: ./CaF2/NVT_L_T_heat/3x3x3/T_1700_K/nvt_log
dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 1699.8394379576205 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 100.43214 min(PSD) (post-filter&sample) = 18307.16898 % of original PSD Power f<f* (pre-filter&sample) = 99.856 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 15 (P* = 16, corr_factor = 1.000000) L_0* = 15.302011 +/- 0.020544 S_0* = 4612386.183998 +/- 94757.767189 ----------------------------------------------------- kappa* = 2.949093 +/- 0.060587 W/m/K ----------------------------------------------------- 10 1800 analysing file: ./CaF2/NVT_L_T_heat/3x3x3/T_1800_K/nvt_log dt = 8.000000000009777 alat = 1.7136e-09 TEMPERATURE = 1799.8055541634583 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 111.78666 min(PSD) (post-filter&sample) = 23460.09846 % of original PSD Power f<f* (pre-filter&sample) = 99.839 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 17 (P* = 18, corr_factor = 1.000000) L_0* = 15.482611 +/- 0.021829 S_0* = 5525341.001332 +/- 120615.026745 ----------------------------------------------------- kappa* = 3.151277 +/- 0.068791 W/m/K ----------------------------------------------------- 0 800 analysing file: ./CaF2/NVT_L_T_heat/4x4x4/T_800_K/nvt_log dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 799.7328295694043 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 62.21386 min(PSD) (post-filter&sample) = 3069.61541 % of original PSD Power f<f* (pre-filter&sample) = 99.979 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 35 (P* = 36, corr_factor = 1.000000) L_0* = 14.156136 +/- 0.031091 S_0* = 1466487.785851 +/- 45594.864958 ----------------------------------------------------- kappa* = 1.787109 +/- 0.055563 W/m/K ----------------------------------------------------- 1 900 analysing file: ./CaF2/NVT_L_T_heat/4x4x4/T_900_K/nvt_log dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 899.691118893011 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 71.62335 min(PSD) (post-filter&sample) = 3900.02095 % of original PSD Power f<f* (pre-filter&sample) = 99.971 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 13 (P* = 14, corr_factor = 1.000000) L_0* = 14.287607 +/- 0.019173 S_0* = 1672536.386979 +/- 32067.548938 ----------------------------------------------------- kappa* = 1.610464 +/- 0.030877 W/m/K ----------------------------------------------------- 2 1000 analysing file: ./CaF2/NVT_L_T_heat/4x4x4/T_1000_K/nvt_log dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 999.6540995312045 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 45.68122 min(PSD) (post-filter&sample) = 6849.80448 % of original PSD Power f<f* (pre-filter&sample) = 99.965 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 13 (P* = 14, corr_factor = 1.000000) L_0* = 14.439522 +/- 0.019173 S_0* = 1946934.976971 +/- 37328.594546 ----------------------------------------------------- kappa* = 1.518499 +/- 0.029114 W/m/K ----------------------------------------------------- 3 1100 analysing file: ./CaF2/NVT_L_T_heat/4x4x4/T_1100_K/nvt_log dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 1099.625526898331 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 121.54038 min(PSD) (post-filter&sample) = 10510.91145 % of original PSD Power f<f* (pre-filter&sample) = 99.952 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 27 (P* = 28, corr_factor = 1.000000) L_0* = 14.666493 +/- 0.027365 S_0* = 2443001.571958 +/- 66851.845437 ----------------------------------------------------- kappa* = 1.574695 +/- 0.043091 W/m/K ----------------------------------------------------- 4 1200 analysing file: ./CaF2/NVT_L_T_heat/4x4x4/T_1200_K/nvt_log dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 1199.5676968580315 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 112.43814 min(PSD) (post-filter&sample) = 15552.76395 % of original PSD Power f<f* (pre-filter&sample) = 99.941 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 19 (P* = 20, corr_factor = 1.000000) L_0* = 14.809837 +/- 0.023043 S_0* = 2819533.745511 +/- 64970.754400 ----------------------------------------------------- kappa* = 1.527180 +/- 0.035191 W/m/K ----------------------------------------------------- 5 1300 analysing file: ./CaF2/NVT_L_T_heat/4x4x4/T_1300_K/nvt_log
dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 1299.5294157538426 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 122.06084 min(PSD) (post-filter&sample) = 19247.25348 % of original PSD Power f<f* (pre-filter&sample) = 99.926 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 27 (P* = 28, corr_factor = 1.000000) L_0* = 15.087564 +/- 0.027365 S_0* = 3722137.830892 +/- 101854.941815 ----------------------------------------------------- kappa* = 1.717840 +/- 0.047008 W/m/K ----------------------------------------------------- 6 1400 analysing file: ./CaF2/NVT_L_T_heat/4x4x4/T_1400_K/nvt_log dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 1399.496229204708 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 144.30051 min(PSD) (post-filter&sample) = 21767.94767 % of original PSD Power f<f* (pre-filter&sample) = 99.908 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 15 (P* = 16, corr_factor = 1.000000) L_0* = 15.413825 +/- 0.020544 S_0* = 5158053.368051 +/- 105968.060934 ----------------------------------------------------- kappa* = 2.052602 +/- 0.042169 W/m/K ----------------------------------------------------- 7 1500 analysing file: ./CaF2/NVT_L_T_heat/4x4x4/T_1500_K/nvt_log dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 1499.4745410545895 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 103.26171 min(PSD) (post-filter&sample) = 29469.32693 % of original PSD Power f<f* (pre-filter&sample) = 99.893 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 16 (P* = 17, corr_factor = 1.000000) L_0* = 15.721378 +/- 0.021197 S_0* = 7015433.348798 +/- 148703.017745 ----------------------------------------------------- kappa* = 2.431861 +/- 0.051547 W/m/K ----------------------------------------------------- 8 1600 analysing file: ./CaF2/NVT_L_T_heat/4x4x4/T_1600_K/nvt_log dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 1599.4700884191159 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 155.86073 min(PSD) (post-filter&sample) = 38039.24114 % of original PSD Power f<f* (pre-filter&sample) = 99.873 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 14 (P* = 15, corr_factor = 1.000000) L_0* = 15.992697 +/- 0.019870 S_0* = 9202099.334057 +/- 182849.688674 ----------------------------------------------------- kappa* = 2.803478 +/- 0.055706 W/m/K ----------------------------------------------------- 9 1700 analysing file: ./CaF2/NVT_L_T_heat/4x4x4/T_1700_K/nvt_log dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 1699.4353613873864 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 246.46608 min(PSD) (post-filter&sample) = 54952.79827 % of original PSD Power f<f* (pre-filter&sample) = 99.853 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 14 (P* = 15, corr_factor = 1.000000) L_0* = 16.220843 +/- 0.019870 S_0* = 11560306.044037 +/- 229708.274644 ----------------------------------------------------- kappa* = 3.119769 +/- 0.061991 W/m/K ----------------------------------------------------- 10 1800 analysing file: ./CaF2/NVT_L_T_heat/4x4x4/T_1800_K/nvt_log dt = 8.000000000009777 alat = 2.2848e-09 TEMPERATURE = 1799.3470439655603 Reshaping to [24, 12500] Using single component code. resampling... Using single component code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 267.62029 min(PSD) (post-filter&sample) = 56695.09440 % of original PSD Power f<f* (pre-filter&sample) = 99.832 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 15 (P* = 16, corr_factor = 1.000000) L_0* = 16.352680 +/- 0.020544 S_0* = 13189413.218465 +/- 270965.894281 ----------------------------------------------------- kappa* = 3.175105 +/- 0.065230 W/m/K -----------------------------------------------------
mycolor = cm.get_cmap('Dark2')
for iL, L in enumerate(np.arange(L_min_CaF2_NVT_heat, L_max_CaF2_NVT_heat + 1)):
plt.fill_between(Temp_CaF2_NVT_heat[:],
kappa_HC_CaF2_singcomp_NVT[iL,:,0] - kappa_HC_CaF2_singcomp_NVT[iL,:,1],
kappa_HC_CaF2_singcomp_NVT[iL,:,0] + kappa_HC_CaF2_singcomp_NVT[iL,:,1],
alpha = 0.3, color=mycolor(iL))
plt.errorbar(Temp_CaF2_NVT_heat[:],
kappa_HC_CaF2_NVT[iL,:,0], kappa_HC_CaF2_NVT[iL,:,1], marker='v',
markersize=0.3, color=mycolor(iL), label="$N=$"+str(L**3*12))
plt.legend(loc='upper left')
plt.xlabel("$T$ [K]")
plt.ylabel("$\kappa$ [W m$^{-1}$ K$^{-1}$]")
plt.ylim(0.0,3.5)
plt.yticks([0, 1, 2, 3])
plt.title("CaF$_2$ multi-/single-component")
plt.legend(frameon=False, loc="upper left")
plt.tick_params(which='both', direction='in')
#plt.grid()
plt.savefig('kappa_multi_singlecomponent.pdf', format='pdf', bbox_inches = 'tight')
alat_CaF2 = 5.712 # angstrom
dt = 0.004*10. # picoseconds
L_min_CaF2 = 2
L_max_CaF2 = 4
T_min_CaF2 = 900
T_max_CaF2 = 1750
T_step_CaF2 = 50
inv_T_arr_CaF2 = 1.0/np.arange(T_min_CaF2, T_max_CaF2 + T_step_CaF2, T_step_CaF2)
m_Ca = 40.078
m_F = 18.998403
factor_sigma_CaF2 = (1.0 + m_F/m_Ca)**2
prefactor_CaF2 = N_ratio_fluorites*m_F/m_Ca*(2.0 + N_ratio_fluorites*m_F/m_Ca)
A_CaF2, D_CaF2, A_self_CaF2, D_self_CaF2, D_cm_CaF2 = compute_diffusivities(dt,
L_min_CaF2,
L_max_CaF2,
T_min_CaF2,
T_max_CaF2,
T_step_CaF2,
"./CaF2/NVT_L_T/",
BLOCKS=4,
START_STEP=1000)
Temp_CaF2 = np.arange(T_min_CaF2, T_max_CaF2 + T_step_CaF2, T_step_CaF2)
N_L: 3 N_T: 18
D_LAB_CaF2 = compute_diffusivities_LAB(dt,
L_min_CaF2,
L_max_CaF2,
T_min_CaF2,
T_max_CaF2,
T_step_CaF2,
"./CaF2/NVT_L_T/",
prefactor_CaF2,
BLOCKS=4,
START_STEP=1000)
N_L: 3 N_T: 18
delta_CaF2 = -3
indexTc_CaF2 = np.array([12-delta_CaF2,11-delta_CaF2,10-delta_CaF2])
startT_CaF2 = 3
piecewice_fit_D(L_min_CaF2, L_max_CaF2, Temp_CaF2, D_LAB_CaF2, indexTc = indexTc_CaF2, startT = startT_CaF2, delta=delta_CaF2)
#plt.legend()
L = 2 , slope low T [meV] = 1302 +/- 58 L = 2 , slope hig T [meV] = 1051 +/- 325 L = 2 , intercept low T [$\AA^2$/ps] = 2078 +/- 1036 L = 2 , intercept hig T [$\AA^2$/ps] = 383 +/- 848 L = 3 , slope low T [meV] = 1927 +/- 41 L = 3 , slope hig T [meV] = 936 +/- 67 L = 3 , intercept low T [$\AA^2$/ps] = 689088 +/- 250578 L = 3 , intercept hig T [$\AA^2$/ps] = 251 +/- 116 L = 4 , slope low T [meV] = 1835 +/- 61 L = 4 , slope hig T [meV] = 744 +/- 43 L = 4 , intercept low T [$\AA^2$/ps] = 471525 +/- 260671 L = 4 , intercept hig T [$\AA^2$/ps] = 69 +/- 20
for iL, L in enumerate(np.arange(L_min_CaF2, L_max_CaF2 + 1)):
plt.plot(Temp_CaF2, A_self_CaF2[iL,:,0], 'o-', label="self, L="+str(L))
#plt.loglog(inv_T_arr_CaF2*1000., D_CaF2_cm[iL,:,0]*factor_sigma, 'o-', label="cm, L="+str(L))
plt.legend()
plt.xlabel("T [K]")
plt.ylabel("Area [$\AA^2$]")
Text(0, 0.5, 'Area [$\\AA^2$]')
fit_DW_CaF2, err_DW_CaF2 = plot_fit_Debye_Waller_new(L_min_CaF2, L_max_CaF2, T_min_CaF2, T_max_CaF2, T_step_CaF2, A_self_CaF2)
C_V_CaF2 = specific_heat(L_min_CaF2, L_max_CaF2, T_min_CaF2, T_max_CaF2, T_step_CaF2, "./CaF2/NVT_L_T/", SKIP=5, STEP_ASY=150)
N_L: 3 N_T: 18
plot_C_V_vs_T(L_min_CaF2, L_max_CaF2, Temp_CaF2, C_V_CaF2)
h = np.array([1, 1, 1])
h = h/np.sum(h)
convolved_C_V_CaF2_fluc = np.zeros(C_V_CaF2.shape)
for iL, L in enumerate(np.arange(L_min_CaF2, L_max_CaF2+1)):
convolved_C_V_CaF2_fluc[iL,:,0] = convolve(C_V_CaF2[iL,:,0], h, 'same')
convolved_C_V_CaF2_fluc[iL,:,1] = convolve(C_V_CaF2[iL,:,1], h, 'same')
Delta_CaF2 = excess_energy(L_min_CaF2, L_max_CaF2, T_min_CaF2, T_max_CaF2, T_step_CaF2, "./CaF2/NVT_L_T/", SKIP=5,
STEP_ASY=150, NU=4)
C_V_CaF2_grad = np.zeros(Delta_CaF2.shape)
h = np.array([1, 0, 1])
for iL, L in enumerate(np.arange(L_min_CaF2, L_max_CaF2+1)):
C_V_CaF2_grad[iL,:,0] = np.gradient(Delta_CaF2[iL,:,0])/8.617333262e-5/T_step_CaF2*8.314
C_V_CaF2_grad[iL,:,1] = convolve(Delta_CaF2[iL,:,1], h, 'same')/8.617333262e-5/T_step_CaF2*8.314
C_V_CaF2_grad[:,0,1] = 2.0*C_V_CaF2_grad[:,0,1]
C_V_CaF2_grad[:,-1,1] = 2.0*C_V_CaF2_grad[:,-1,1]
b, a = butter(1, 0.5)
C_V_CaF2_grad_filt_Delta = np.zeros(Delta_CaF2.shape[:-1])
for iL, L in enumerate(np.arange(L_min_CaF2, L_max_CaF2+1)):
C_V_CaF2_grad_filt_Delta[iL,:] = filtfilt(b, a, C_V_CaF2_grad[iL,:,0])
N_L: 3 N_T: 18
plot_C_V_vs_T(L_min_CaF2, L_max_CaF2, Temp_CaF2, C_V_CaF2_grad)
mrk = ['o','s','v','D','p','>']
myc = cm.get_cmap('Dark2')
for iL, L in enumerate(np.arange(L_min_CaF2, 4)):
plt.fill_between(Temp_CaF2,
C_V_CaF2_grad[iL,:,0] - C_V_CaF2_grad[iL,:,1],
C_V_CaF2_grad[iL,:,0] + C_V_CaF2_grad[iL,:,1],
color=myc(iL),
alpha=0.3)
plt.plot(Temp_CaF2,
C_V_CaF2_grad[iL,:,0],
color=myc(iL),
marker=mrk[iL],
label="f.d., $\ell$ = "+str(L) )
plt.plot(Temp_CaF2,
C_V_CaF2[iL,:,0],
color=myc(iL+4),
marker=mrk[iL],
label="fluc, $\ell$ = "+str(L) )
plt.fill_between(Temp_CaF2,
C_V_CaF2[iL,:,0] - C_V_CaF2[iL,:,1],
C_V_CaF2[iL,:,0] + C_V_CaF2[iL,:,1],
color=myc(iL+4),
alpha=0.3)
plt.xlabel("$T$ [K]")
plt.ylabel("$C_V$ [J K$^{-1}$ mol$^{-1}$]")
plt.legend(loc='upper left')
plt.tick_params(which='both', direction='in')
plt.savefig('C_V_fd_fluc_CaF2.pdf', format='pdf', bbox_inches='tight')
press_CaF2 = pressure(L_min_CaF2, L_max_CaF2, T_min_CaF2, T_max_CaF2, T_step_CaF2, "./CaF2/NVT_L_T/", SKIP=10)
plot_press_vs_invT(L_min_CaF2, L_max_CaF2, inv_T_arr_CaF2, press_CaF2, vert_line_at=0.7)
dt_UO2 = 0.002*10.
alat_UO2 = 5.65 # angstrom
L_min_UO2 = 2
L_max_UO2 = 4
T_min_UO2 = 2000
T_max_UO2 = 3450
T_step_UO2 = 50
inv_T_arr_UO2 = 1.0/np.arange(T_min_UO2, T_max_UO2 + T_step_UO2, T_step_UO2)
m_U = 238.028909
m_O = 15.9994
factor_sigma_UO2 = (1.0 + m_O/m_U)**2
prefactor_UO2 = N_ratio_fluorites*m_O/m_U*(2.0 + N_ratio_fluorites*m_O/m_U)
A_UO2, D_UO2, A_self_UO2, D_self_UO2, D_cm_UO2 = compute_diffusivities(dt_UO2,
L_min_UO2,
L_max_UO2,
T_min_UO2,
T_max_UO2,
T_step_UO2,
"./UO2/NVT_L_T/",
BLOCKS=4,
START_STEP=1000)
Temp_UO2 = np.arange(T_min_UO2, T_max_UO2 + T_step_UO2, T_step_UO2)
N_L: 3 N_T: 30
D_LAB_UO2 = compute_diffusivities_LAB(dt_UO2,
L_min_UO2,
L_max_UO2,
T_min_UO2,
T_max_UO2,
T_step_UO2,
"./UO2/NVT_L_T/",
prefactor_UO2,
BLOCKS=4,
START_STEP=1000)
N_L: 3 N_T: 30
indexTc_UO2 = np.array([27, 22, 20])
startT_UO2 = 3
delta_UO2 = -3
piecewice_fit_D(L_min_UO2, L_max_UO2, Temp_UO2, D_LAB_UO2, indexTc = indexTc_UO2, startT = startT_UO2, delta=delta_UO2)
#plt.legend()
L = 2 , slope low T [meV] = 2491 +/- 72 L = 2 , slope hig T [meV] = 2234 +/- 264 L = 2 , intercept low T [$\AA^2$/ps] = 1391 +/- 406 L = 2 , intercept hig T [$\AA^2$/ps] = 543 +/- 490 L = 3 , slope low T [meV] = 4112 +/- 80 L = 3 , slope hig T [meV] = 1409 +/- 65 L = 3 , intercept low T [$\AA^2$/ps] = 1697472 +/- 577813 L = 3 , intercept hig T [$\AA^2$/ps] = 50 +/- 11 L = 4 , slope low T [meV] = 4161 +/- 53 L = 4 , slope hig T [meV] = 1264 +/- 40 L = 4 , intercept low T [$\AA^2$/ps] = 4088918 +/- 945539 L = 4 , intercept hig T [$\AA^2$/ps] = 33 +/- 4
for iL, L in enumerate(np.arange(L_min_UO2, L_max_UO2 + 1)):
plt.fill_between(Temp_UO2,
A_self_UO2[iL,:,0]-A_self_UO2[iL,:,1],
A_self_UO2[iL,:,0]+A_self_UO2[iL,:,1], 'o-', label=str(L)+"x"+str(L)+"x"+str(L))
plt.legend(loc='upper left')
plt.xlabel("$T$ [K]")
plt.ylabel("$\\langle r^2_\mathrm{O} \\rangle$ [$\AA^2$]")
/local/scratch/grassell/PyVirtualEnvs/tutorial-env/lib/python3.6/site-packages/ipykernel_launcher.py:4: MatplotlibDeprecationWarning: Since 3.2, the parameter *where* must have the same size as [2000 2050 2100 2150 2200 2250 2300 2350 2400 2450 2500 2550 2600 2650 2700 2750 2800 2850 2900 2950 3000 3050 3100 3150 3200 3250 3300 3350 3400 3450] in fill_betweenx(). This will become an error two minor releases later. after removing the cwd from sys.path.
Text(0, 0.5, '$\\langle r^2_\\mathrm{O} \\rangle$ [$\\AA^2$]')
fit_DW_UO2, err_DW_UO2 = plot_fit_Debye_Waller_new(L_min_UO2, L_max_UO2, T_min_UO2, T_max_UO2, T_step_UO2, A_self_UO2[:,:,:])
plot_msd_selected(dt_UO2,
L_min_UO2,
L_max_UO2,
2500,
2500,
T_step_UO2,
"./UO2/NVT_L_T/",
BLOCKS=4, col=2)
plt.ylim(0,1.5)
plt.xlim(0,10)
0 2 0 2500 analysing file: ./UO2/NVT_L_T/2x2x2/T_2500_K/msd_self_B4.dat 1 3 0 2500 analysing file: ./UO2/NVT_L_T/3x3x3/T_2500_K/msd_self_B4.dat 2 4 0 2500 analysing file: ./UO2/NVT_L_T/4x4x4/T_2500_K/msd_self_B4.dat
(0.0, 10.0)
C_V_UO2 = specific_heat(L_min_UO2, L_max_UO2, T_min_UO2, T_max_UO2, T_step_UO2, "./UO2/NVT_L_T/", SKIP=5,
STEP_ASY=200)
N_L: 3 N_T: 30
plot_C_V_vs_T(L_min_UO2, L_max_UO2, Temp_UO2, C_V_UO2)
h = np.array([1, 1, 1])
h = h/np.sum(h)
convolved_C_V_UO2_fluc = np.zeros(C_V_UO2.shape)
for iL, L in enumerate(np.arange(L_min_UO2, L_max_UO2+1)):
convolved_C_V_UO2_fluc[iL,:,0] = convolve(C_V_UO2[iL,:,0], h, 'same')
convolved_C_V_UO2_fluc[iL,:,1] = convolve(C_V_UO2[iL,:,1], h, 'same')
Delta_UO2 = excess_energy(L_min_UO2, L_max_UO2, T_min_UO2, T_max_UO2, T_step_UO2, "./UO2/NVT_L_T/", SKIP=5,
STEP_ASY=150)
C_V_UO2_grad = np.zeros(Delta_UO2.shape)
h = np.array([1, 0, 1])
for iL, L in enumerate(np.arange(L_min_UO2, L_max_UO2+1)):
C_V_UO2_grad[iL,:,0] = np.gradient(Delta_UO2[iL,:,0])/8.617333262e-5/T_step_UO2*8.314
C_V_UO2_grad[iL,:,1] = convolve(Delta_UO2[iL,:,1], h, 'same')/8.617333262e-5/T_step_UO2*8.314
C_V_UO2_grad[:,0,1] = 2.0*C_V_UO2_grad[:,0,1]
C_V_UO2_grad[:,-1,1] = 2.0*C_V_UO2_grad[:,-1,1]
b, a = butter(3, 0.25)
C_V_UO2_grad_filt_Delta = np.zeros(Delta_UO2.shape[:-1])
for iL, L in enumerate(np.arange(L_min_UO2, L_max_UO2+1)):
C_V_UO2_grad_filt_Delta[iL,:] = filtfilt(b, a, C_V_UO2_grad[iL,:,0])
N_L: 3 N_T: 30
plt.plot(np.log([2,3,4]), np.log(Delta_UO2[:,2,1]),'o-') # error decreasing like 1/sqrt(N)
[<matplotlib.lines.Line2D at 0x7fb09291b550>]
plot_C_V_vs_T(L_min_UO2, L_max_UO2, Temp_UO2, C_V_UO2_grad)
press_UO2 = pressure(L_min_UO2, L_max_UO2, T_min_UO2, T_max_UO2, T_step_UO2, "./UO2/NVT_L_T/", SKIP=10)
N_L: 3 N_T: 30
plot_press_vs_invT(L_min_UO2, L_max_UO2, inv_T_arr_UO2, press_UO2, vert_line_at=1./2.7)
dt_UO2_NVE_heat = 0.002*10.
alat_UO2_NVE_heat = 5.65 # angstrom
L_min_UO2_NVE_heat = 2
L_max_UO2_NVE_heat = 4
T_min_UO2_NVE_heat = 1700
T_max_UO2_NVE_heat = 3500
T_step_UO2_NVE_heat = 100
trueTemp_UO2_NVE_heat = temperature(L_min_UO2_NVE_heat, L_max_UO2_NVE_heat, T_min_UO2_NVE_heat, T_max_UO2_NVE_heat, T_step_UO2_NVE_heat, dirname="./UO2_heat/NVE_L_T/", nve_file="nve_log", SKIP=10)
inv_T_arr_UO2_NVE_heat = 1./trueTemp_UO2_NVE_heat
Temp_UO2_NVE_heat = np.arange(T_min_UO2_NVE_heat, T_max_UO2_NVE_heat + T_step_UO2_NVE_heat, T_step_UO2_NVE_heat)
N_L: 3 N_T: 19
m_U = 238.028909
m_O = 15.9994
factor_sigma_UO2 = (1.0 + m_O/m_U)**2
prefactor_UO2 = N_ratio_fluorites*m_O/m_U*(2.0 + N_ratio_fluorites*m_O/m_U)
kappa_HC_UO2_heat_NVE = compute_thermkappa_cepstral(L_min_UO2_NVE_heat,
L_max_UO2_NVE_heat,
T_min_UO2_NVE_heat,
T_max_UO2_NVE_heat,
T_step_UO2_NVE_heat,
"./UO2_heat/NVE_L_T/",
file="nve_log",
use_target_T=False,
resh=[24,12500],
fstar=32.0,
AIC_corr=1.0)
0 1700 analysing file: ./UO2_heat/NVE_L_T/2x2x2/T_1700_K/nve_log dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 1481.6811867041329 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 407.02138 min(PSD) (post-filter&sample) = 11435.85755 % of original PSD Power f<f* (pre-filter&sample) = 98.250 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 17 (P* = 18, corr_factor = 1.000000) L_0* = 12.866278 +/- 0.022309 S_0* = 404491.434811 +/- 9023.839440 ----------------------------------------------------- kappa* = 1.187057 +/- 0.026482 W/m/K ----------------------------------------------------- 1 1800 analysing file: ./UO2_heat/NVE_L_T/2x2x2/T_1800_K/nve_log dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 1584.1298843321565 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 315.33707 min(PSD) (post-filter&sample) = 13912.29236 % of original PSD Power f<f* (pre-filter&sample) = 98.237 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 14 (P* = 15, corr_factor = 1.000000) L_0* = 12.979429 +/- 0.020307 S_0* = 452950.169477 +/- 9198.085303 ----------------------------------------------------- kappa* = 1.162895 +/- 0.023615 W/m/K ----------------------------------------------------- 2 1900 analysing file: ./UO2_heat/NVE_L_T/2x2x2/T_1900_K/nve_log dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 1649.9057686443136 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 564.11143 min(PSD) (post-filter&sample) = 11014.70649 % of original PSD Power f<f* (pre-filter&sample) = 98.003 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 14 (P* = 15, corr_factor = 1.000000) L_0* = 13.077151 +/- 0.020307 S_0* = 499447.905326 +/- 10142.317515 ----------------------------------------------------- kappa* = 1.182071 +/- 0.024004 W/m/K ----------------------------------------------------- 3 2000 analysing file: ./UO2_heat/NVE_L_T/2x2x2/T_2000_K/nve_log dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 1744.947262283377 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 632.69438 min(PSD) (post-filter&sample) = 17090.74571 % of original PSD Power f<f* (pre-filter&sample) = 97.976 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 11 (P* = 12, corr_factor = 1.000000) L_0* = 13.110086 +/- 0.018085 S_0* = 516171.172583 +/- 9334.814059 ----------------------------------------------------- kappa* = 1.092197 +/- 0.019752 W/m/K ----------------------------------------------------- 4 2100 analysing file: ./UO2_heat/NVE_L_T/2x2x2/T_2100_K/nve_log dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 1829.4357993360063 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 732.45878 min(PSD) (post-filter&sample) = 20606.28574 % of original PSD Power f<f* (pre-filter&sample) = 97.857 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 12 (P* = 13, corr_factor = 1.000000) L_0* = 13.208160 +/- 0.018855 S_0* = 569359.560060 +/- 10735.063779 ----------------------------------------------------- kappa* = 1.096034 +/- 0.020665 W/m/K ----------------------------------------------------- 5 2200 analysing file: ./UO2_heat/NVE_L_T/2x2x2/T_2200_K/nve_log dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 1916.9913958640411 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 962.78552 min(PSD) (post-filter&sample) = 21041.78015 % of original PSD Power f<f* (pre-filter&sample) = 97.772 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 14 (P* = 15, corr_factor = 1.000000) L_0* = 13.363618 +/- 0.020307 S_0* = 665121.881423 +/- 13506.668535 ----------------------------------------------------- kappa* = 1.166091 +/- 0.023680 W/m/K ----------------------------------------------------- 6 2300 analysing file: ./UO2_heat/NVE_L_T/2x2x2/T_2300_K/nve_log dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 2004.2868853301468 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 657.69858 min(PSD) (post-filter&sample) = 20053.20659 % of original PSD Power f<f* (pre-filter&sample) = 97.813 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 9 (P* = 10, corr_factor = 1.000000) L_0* = 13.363224 +/- 0.016437 S_0* = 664859.970283 +/- 10928.360019 ----------------------------------------------------- kappa* = 1.066307 +/- 0.017527 W/m/K ----------------------------------------------------- 7 2400 analysing file: ./UO2_heat/NVE_L_T/2x2x2/T_2400_K/nve_log
dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 2063.735323606764 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 822.35463 min(PSD) (post-filter&sample) = 17457.53766 % of original PSD Power f<f* (pre-filter&sample) = 97.768 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 13 (P* = 14, corr_factor = 1.000000) L_0* = 13.423322 +/- 0.019594 S_0* = 706041.711044 +/- 13834.397445 ----------------------------------------------------- kappa* = 1.068056 +/- 0.020928 W/m/K ----------------------------------------------------- 8 2500 analysing file: ./UO2_heat/NVE_L_T/2x2x2/T_2500_K/nve_log dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 2202.8714639703608 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 873.98980 min(PSD) (post-filter&sample) = 30063.92500 % of original PSD Power f<f* (pre-filter&sample) = 97.623 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 10 (P* = 11, corr_factor = 1.000000) L_0* = 13.525962 +/- 0.017281 S_0* = 782359.988304 +/- 13519.613817 ----------------------------------------------------- kappa* = 1.038724 +/- 0.017950 W/m/K ----------------------------------------------------- 9 2600 analysing file: ./UO2_heat/NVE_L_T/2x2x2/T_2600_K/nve_log dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 2270.2070077129224 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 1200.43189 min(PSD) (post-filter&sample) = 32971.81843 % of original PSD Power f<f* (pre-filter&sample) = 97.523 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 14 (P* = 15, corr_factor = 1.000000) L_0* = 13.658624 +/- 0.020307 S_0* = 893348.441917 +/- 18141.278506 ----------------------------------------------------- kappa* = 1.116765 +/- 0.022678 W/m/K ----------------------------------------------------- 10 2700 analysing file: ./UO2_heat/NVE_L_T/2x2x2/T_2700_K/nve_log dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 2351.991198096019 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 1390.44906 min(PSD) (post-filter&sample) = 37157.55242 % of original PSD Power f<f* (pre-filter&sample) = 97.430 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 9 (P* = 10, corr_factor = 1.000000) L_0* = 13.673794 +/- 0.016437 S_0* = 907004.023437 +/- 14908.502466 ----------------------------------------------------- kappa* = 1.056354 +/- 0.017363 W/m/K ----------------------------------------------------- 11 2800 analysing file: ./UO2_heat/NVE_L_T/2x2x2/T_2800_K/nve_log dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 2416.4974105458946 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 1321.49366 min(PSD) (post-filter&sample) = 45233.49265 % of original PSD Power f<f* (pre-filter&sample) = 97.401 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 14 (P* = 15, corr_factor = 1.000000) L_0* = 13.757757 +/- 0.020307 S_0* = 986446.869204 +/- 20031.833656 ----------------------------------------------------- kappa* = 1.088360 +/- 0.022101 W/m/K ----------------------------------------------------- 12 2900 analysing file: ./UO2_heat/NVE_L_T/2x2x2/T_2900_K/nve_log dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 2521.9115961790385 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 1925.16956 min(PSD) (post-filter&sample) = 43026.25214 % of original PSD Power f<f* (pre-filter&sample) = 97.173 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 9 (P* = 10, corr_factor = 1.000000) L_0* = 13.805325 +/- 0.016437 S_0* = 1034504.302080 +/- 17004.235417 ----------------------------------------------------- kappa* = 1.047959 +/- 0.017225 W/m/K ----------------------------------------------------- 13 3000 analysing file: ./UO2_heat/NVE_L_T/2x2x2/T_3000_K/nve_log dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 2701.72720398796 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 1455.18698 min(PSD) (post-filter&sample) = 56355.61900 % of original PSD Power f<f* (pre-filter&sample) = 97.222 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 9 (P* = 10, corr_factor = 1.000000) L_0* = 13.904346 +/- 0.016437 S_0* = 1142185.315922 +/- 18774.197423 ----------------------------------------------------- kappa* = 1.008150 +/- 0.016571 W/m/K ----------------------------------------------------- 14 3100 analysing file: ./UO2_heat/NVE_L_T/2x2x2/T_3100_K/nve_log
dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 2760.097814346856 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 1242.62980 min(PSD) (post-filter&sample) = 58876.29874 % of original PSD Power f<f* (pre-filter&sample) = 97.138 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 13 (P* = 14, corr_factor = 1.000000) L_0* = 13.994113 +/- 0.019594 S_0* = 1249458.513684 +/- 24482.272647 ----------------------------------------------------- kappa* = 1.056683 +/- 0.020705 W/m/K ----------------------------------------------------- 15 3200 analysing file: ./UO2_heat/NVE_L_T/2x2x2/T_3200_K/nve_log dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 2826.875101771982 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 2180.74616 min(PSD) (post-filter&sample) = 56250.61246 % of original PSD Power f<f* (pre-filter&sample) = 97.058 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 9 (P* = 10, corr_factor = 1.000000) L_0* = 14.014800 +/- 0.016437 S_0* = 1275575.001816 +/- 20966.735063 ----------------------------------------------------- kappa* = 1.028406 +/- 0.016904 W/m/K ----------------------------------------------------- 16 3300 analysing file: ./UO2_heat/NVE_L_T/2x2x2/T_3300_K/nve_log dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 2858.2652818661813 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 1940.28021 min(PSD) (post-filter&sample) = 56776.10691 % of original PSD Power f<f* (pre-filter&sample) = 97.098 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 11 (P* = 12, corr_factor = 1.000000) L_0* = 14.064827 +/- 0.018085 S_0* = 1341011.641271 +/- 24251.827663 ----------------------------------------------------- kappa* = 1.057546 +/- 0.019125 W/m/K ----------------------------------------------------- 17 3400 analysing file: ./UO2_heat/NVE_L_T/2x2x2/T_3400_K/nve_log dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 2976.7081107598924 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 1714.87604 min(PSD) (post-filter&sample) = 62909.85851 % of original PSD Power f<f* (pre-filter&sample) = 97.032 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 13 (P* = 14, corr_factor = 1.000000) L_0* = 14.072833 +/- 0.019594 S_0* = 1351790.693885 +/- 26487.400716 ----------------------------------------------------- kappa* = 0.982898 +/- 0.019259 W/m/K ----------------------------------------------------- 18 3500 analysing file: ./UO2_heat/NVE_L_T/2x2x2/T_3500_K/nve_log dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 3201.5210066949335 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 2337.82414 min(PSD) (post-filter&sample) = 91125.90935 % of original PSD Power f<f* (pre-filter&sample) = 96.837 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 9 (P* = 10, corr_factor = 1.000000) L_0* = 14.256341 +/- 0.016437 S_0* = 1624074.119790 +/- 26695.044778 ----------------------------------------------------- kappa* = 1.020857 +/- 0.016780 W/m/K ----------------------------------------------------- 0 1700 analysing file: ./UO2_heat/NVE_L_T/3x3x3/T_1700_K/nve_log dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 1733.1508171358287 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 1662.69236 min(PSD) (post-filter&sample) = 60215.74500 % of original PSD Power f<f* (pre-filter&sample) = 98.161 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 14 (P* = 15, corr_factor = 1.000000) L_0* = 14.606565 +/- 0.020307 S_0* = 2305188.277416 +/- 46811.591744 ----------------------------------------------------- kappa* = 1.464980 +/- 0.029749 W/m/K ----------------------------------------------------- 1 1800 analysing file: ./UO2_heat/NVE_L_T/3x3x3/T_1800_K/nve_log dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 1840.0226142818572 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 2106.47676 min(PSD) (post-filter&sample) = 75246.47312 % of original PSD Power f<f* (pre-filter&sample) = 98.019 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 13 (P* = 14, corr_factor = 1.000000) L_0* = 14.725183 +/- 0.019594 S_0* = 2595503.300129 +/- 50857.086293 ----------------------------------------------------- kappa* = 1.463434 +/- 0.028675 W/m/K ----------------------------------------------------- 2 1900 analysing file: ./UO2_heat/NVE_L_T/3x3x3/T_1900_K/nve_log
dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 1956.874981350186 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 2546.50485 min(PSD) (post-filter&sample) = 67176.98333 % of original PSD Power f<f* (pre-filter&sample) = 97.908 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 10 (P* = 11, corr_factor = 1.000000) L_0* = 14.791027 +/- 0.017281 S_0* = 2772154.069702 +/- 47904.357361 ----------------------------------------------------- kappa* = 1.381940 +/- 0.023881 W/m/K ----------------------------------------------------- 3 2000 analysing file: ./UO2_heat/NVE_L_T/3x3x3/T_2000_K/nve_log dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 2034.2121951040488 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 2979.78919 min(PSD) (post-filter&sample) = 93159.97035 % of original PSD Power f<f* (pre-filter&sample) = 97.867 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 20 (P* = 21, corr_factor = 1.000000) L_0* = 14.840119 +/- 0.024146 S_0* = 2911640.353202 +/- 70303.616393 ----------------------------------------------------- kappa* = 1.343208 +/- 0.032433 W/m/K ----------------------------------------------------- 4 2100 analysing file: ./UO2_heat/NVE_L_T/3x3x3/T_2100_K/nve_log dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 2142.587097313027 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 3731.82743 min(PSD) (post-filter&sample) = 98729.38552 % of original PSD Power f<f* (pre-filter&sample) = 97.683 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 14 (P* = 15, corr_factor = 1.000000) L_0* = 14.978275 +/- 0.020307 S_0* = 3343011.535930 +/- 67886.728711 ----------------------------------------------------- kappa* = 1.390141 +/- 0.028230 W/m/K ----------------------------------------------------- 5 2200 analysing file: ./UO2_heat/NVE_L_T/3x3x3/T_2200_K/nve_log dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 2232.638454290457 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 3313.84488 min(PSD) (post-filter&sample) = 105805.47040 % of original PSD Power f<f* (pre-filter&sample) = 97.688 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 9 (P* = 10, corr_factor = 1.000000) L_0* = 15.002850 +/- 0.016437 S_0* = 3426185.868743 +/- 56316.509247 ----------------------------------------------------- kappa* = 1.312115 +/- 0.021567 W/m/K ----------------------------------------------------- 6 2300 analysing file: ./UO2_heat/NVE_L_T/3x3x3/T_2300_K/nve_log dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 2336.5846332846677 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 4143.19947 min(PSD) (post-filter&sample) = 121670.83088 % of original PSD Power f<f* (pre-filter&sample) = 97.578 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 9 (P* = 10, corr_factor = 1.000000) L_0* = 15.075742 +/- 0.016437 S_0* = 3685254.231870 +/- 60574.838021 ----------------------------------------------------- kappa* = 1.288553 +/- 0.021180 W/m/K ----------------------------------------------------- 7 2400 analysing file: ./UO2_heat/NVE_L_T/3x3x3/T_2400_K/nve_log dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 2437.9467750952494 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 3686.65187 min(PSD) (post-filter&sample) = 127152.64160 % of original PSD Power f<f* (pre-filter&sample) = 97.555 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 9 (P* = 10, corr_factor = 1.000000) L_0* = 15.135925 +/- 0.016437 S_0* = 3913854.598634 +/- 64332.361740 ----------------------------------------------------- kappa* = 1.257055 +/- 0.020662 W/m/K ----------------------------------------------------- 8 2500 analysing file: ./UO2_heat/NVE_L_T/3x3x3/T_2500_K/nve_log dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 2561.99616501835 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 5035.99017 min(PSD) (post-filter&sample) = 182254.32627 % of original PSD Power f<f* (pre-filter&sample) = 97.387 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 10 (P* = 11, corr_factor = 1.000000) L_0* = 15.220448 +/- 0.017281 S_0* = 4259045.055045 +/- 73598.656931 ----------------------------------------------------- kappa* = 1.238663 +/- 0.021405 W/m/K ----------------------------------------------------- 9 2600 analysing file: ./UO2_heat/NVE_L_T/3x3x3/T_2600_K/nve_log
dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 2632.098409861901 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 4000.00261 min(PSD) (post-filter&sample) = 165864.97696 % of original PSD Power f<f* (pre-filter&sample) = 97.406 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 10 (P* = 11, corr_factor = 1.000000) L_0* = 15.279403 +/- 0.017281 S_0* = 4517689.204511 +/- 78068.171054 ----------------------------------------------------- kappa* = 1.244830 +/- 0.021511 W/m/K ----------------------------------------------------- 10 2700 analysing file: ./UO2_heat/NVE_L_T/3x3x3/T_2700_K/nve_log dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 2742.9942755552447 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 6307.92652 min(PSD) (post-filter&sample) = 202711.24337 % of original PSD Power f<f* (pre-filter&sample) = 97.235 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 9 (P* = 10, corr_factor = 1.000000) L_0* = 15.318005 +/- 0.016437 S_0* = 4695491.157380 +/- 77180.188500 ----------------------------------------------------- kappa* = 1.191322 +/- 0.019582 W/m/K ----------------------------------------------------- 11 2800 analysing file: ./UO2_heat/NVE_L_T/3x3x3/T_2800_K/nve_log dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 2808.4320166568336 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 5433.31336 min(PSD) (post-filter&sample) = 220130.91364 % of original PSD Power f<f* (pre-filter&sample) = 97.265 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 6 (P* = 7, corr_factor = 1.000000) L_0* = 15.336743 +/- 0.013596 S_0* = 4784302.306077 +/- 65048.651417 ----------------------------------------------------- kappa* = 1.157947 +/- 0.015744 W/m/K ----------------------------------------------------- 12 2900 analysing file: ./UO2_heat/NVE_L_T/3x3x3/T_2900_K/nve_log dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 2892.1406821231785 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 7830.44505 min(PSD) (post-filter&sample) = 198933.06994 % of original PSD Power f<f* (pre-filter&sample) = 97.140 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 15 (P* = 16, corr_factor = 1.000000) L_0* = 15.401886 +/- 0.020996 S_0* = 5106340.207579 +/- 107210.815739 ----------------------------------------------------- kappa* = 1.165383 +/- 0.024468 W/m/K ----------------------------------------------------- 13 3000 analysing file: ./UO2_heat/NVE_L_T/3x3x3/T_3000_K/nve_log dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 3013.0673813881863 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 6621.96638 min(PSD) (post-filter&sample) = 266689.39828 % of original PSD Power f<f* (pre-filter&sample) = 97.117 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 6 (P* = 7, corr_factor = 1.000000) L_0* = 15.465803 +/- 0.013596 S_0* = 5443378.775751 +/- 74009.631052 ----------------------------------------------------- kappa* = 1.144587 +/- 0.015562 W/m/K ----------------------------------------------------- 14 3100 analysing file: ./UO2_heat/NVE_L_T/3x3x3/T_3100_K/nve_log dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 3080.710506203937 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 10724.79862 min(PSD) (post-filter&sample) = 211173.97168 % of original PSD Power f<f* (pre-filter&sample) = 96.952 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 7 (P* = 8, corr_factor = 1.000000) L_0* = 15.507358 +/- 0.014605 S_0* = 5674347.706092 +/- 82872.336106 ----------------------------------------------------- kappa* = 1.141332 +/- 0.016669 W/m/K ----------------------------------------------------- 15 3200 analysing file: ./UO2_heat/NVE_L_T/3x3x3/T_3200_K/nve_log dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 3198.382375536245 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 7960.31224 min(PSD) (post-filter&sample) = 315299.72029 % of original PSD Power f<f* (pre-filter&sample) = 96.972 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 8 (P* = 9, corr_factor = 1.000000) L_0* = 15.582123 +/- 0.015548 S_0* = 6114852.900292 +/- 95073.281090 ----------------------------------------------------- kappa* = 1.141099 +/- 0.017742 W/m/K ----------------------------------------------------- 16 3300 analysing file: ./UO2_heat/NVE_L_T/3x3x3/T_3300_K/nve_log
dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 3286.8988129738705 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 7237.55755 min(PSD) (post-filter&sample) = 337903.87192 % of original PSD Power f<f* (pre-filter&sample) = 96.979 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 7 (P* = 8, corr_factor = 1.000000) L_0* = 15.650879 +/- 0.014605 S_0* = 6550072.906927 +/- 95662.069294 ----------------------------------------------------- kappa* = 1.157368 +/- 0.016903 W/m/K ----------------------------------------------------- 17 3400 analysing file: ./UO2_heat/NVE_L_T/3x3x3/T_3400_K/nve_log dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 3452.6821378556215 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 8588.86663 min(PSD) (post-filter&sample) = 407631.81949 % of original PSD Power f<f* (pre-filter&sample) = 96.876 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 10 (P* = 11, corr_factor = 1.000000) L_0* = 15.774196 +/- 0.017281 S_0* = 7409723.926419 +/- 128044.132467 ----------------------------------------------------- kappa* = 1.186552 +/- 0.020504 W/m/K ----------------------------------------------------- 18 3500 analysing file: ./UO2_heat/NVE_L_T/3x3x3/T_3500_K/nve_log dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 3490.860802198978 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 18038.77099 min(PSD) (post-filter&sample) = 396927.42458 % of original PSD Power f<f* (pre-filter&sample) = 96.693 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 16 (P* = 17, corr_factor = 1.000000) L_0* = 15.796365 +/- 0.021662 S_0* = 7575822.849338 +/- 164109.902736 ----------------------------------------------------- kappa* = 1.186759 +/- 0.025708 W/m/K ----------------------------------------------------- 0 1700 analysing file: ./UO2_heat/NVE_L_T/4x4x4/T_1700_K/nve_log dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 1683.9111346616533 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 4345.31192 min(PSD) (post-filter&sample) = 107585.38309 % of original PSD Power f<f* (pre-filter&sample) = 98.216 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 13 (P* = 14, corr_factor = 1.000000) L_0* = 15.489940 +/- 0.019594 S_0* = 5576365.654704 +/- 109265.015879 ----------------------------------------------------- kappa* = 1.583779 +/- 0.031033 W/m/K ----------------------------------------------------- 1 1800 analysing file: ./UO2_heat/NVE_L_T/4x4x4/T_1800_K/nve_log dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 1782.7619845501545 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 5382.74305 min(PSD) (post-filter&sample) = 114301.45777 % of original PSD Power f<f* (pre-filter&sample) = 98.145 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 26 (P* = 27, corr_factor = 1.000000) L_0* = 15.624003 +/- 0.027453 S_0* = 6376380.132472 +/- 175049.204779 ----------------------------------------------------- kappa* = 1.615731 +/- 0.044356 W/m/K ----------------------------------------------------- 2 1900 analysing file: ./UO2_heat/NVE_L_T/4x4x4/T_1900_K/nve_log dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 1881.2186693403066 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 3488.63588 min(PSD) (post-filter&sample) = 200550.53778 % of original PSD Power f<f* (pre-filter&sample) = 98.093 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 14 (P* = 15, corr_factor = 1.000000) L_0* = 15.691146 +/- 0.020307 S_0* = 6819206.632487 +/- 138478.023694 ----------------------------------------------------- kappa* = 1.551804 +/- 0.031513 W/m/K ----------------------------------------------------- 3 2000 analysing file: ./UO2_heat/NVE_L_T/4x4x4/T_2000_K/nve_log dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 1983.7712168458318 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 4776.22308 min(PSD) (post-filter&sample) = 193908.92335 % of original PSD Power f<f* (pre-filter&sample) = 97.991 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 15 (P* = 16, corr_factor = 1.000000) L_0* = 15.796551 +/- 0.020996 S_0* = 7577233.952595 +/- 159088.779846 ----------------------------------------------------- kappa* = 1.550634 +/- 0.032557 W/m/K ----------------------------------------------------- 4 2100 analysing file: ./UO2_heat/NVE_L_T/4x4x4/T_2100_K/nve_log
dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 2087.01653103969 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 10355.10562 min(PSD) (post-filter&sample) = 240568.46552 % of original PSD Power f<f* (pre-filter&sample) = 97.745 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 13 (P* = 14, corr_factor = 1.000000) L_0* = 15.829051 +/- 0.019594 S_0* = 7827541.239698 +/- 153375.239504 ----------------------------------------------------- kappa* = 1.447289 +/- 0.028359 W/m/K ----------------------------------------------------- 5 2200 analysing file: ./UO2_heat/NVE_L_T/4x4x4/T_2200_K/nve_log dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 2173.9011682263176 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 9895.08754 min(PSD) (post-filter&sample) = 245584.95548 % of original PSD Power f<f* (pre-filter&sample) = 97.723 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 10 (P* = 11, corr_factor = 1.000000) L_0* = 15.898069 +/- 0.017281 S_0* = 8386864.469209 +/- 144929.662123 ----------------------------------------------------- kappa* = 1.429229 +/- 0.024698 W/m/K ----------------------------------------------------- 6 2300 analysing file: ./UO2_heat/NVE_L_T/4x4x4/T_2300_K/nve_log dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 2267.054370581294 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 7087.79720 min(PSD) (post-filter&sample) = 278060.88717 % of original PSD Power f<f* (pre-filter&sample) = 97.744 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 9 (P* = 10, corr_factor = 1.000000) L_0* = 15.935878 +/- 0.016437 S_0* = 8710034.607469 +/- 143167.581476 ----------------------------------------------------- kappa* = 1.364827 +/- 0.022434 W/m/K ----------------------------------------------------- 7 2400 analysing file: ./UO2_heat/NVE_L_T/4x4x4/T_2400_K/nve_log dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 2379.8960294737053 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 7891.78322 min(PSD) (post-filter&sample) = 309903.04814 % of original PSD Power f<f* (pre-filter&sample) = 97.613 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 14 (P* = 15, corr_factor = 1.000000) L_0* = 16.016489 +/- 0.020307 S_0* = 9441234.179549 +/- 191723.688821 ----------------------------------------------------- kappa* = 1.342439 +/- 0.027261 W/m/K ----------------------------------------------------- 8 2500 analysing file: ./UO2_heat/NVE_L_T/4x4x4/T_2500_K/nve_log dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 2502.827635225648 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 11267.35530 min(PSD) (post-filter&sample) = 304855.06989 % of original PSD Power f<f* (pre-filter&sample) = 97.512 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 13 (P* = 14, corr_factor = 1.000000) L_0* = 16.147008 +/- 0.019594 S_0* = 10757525.041858 +/- 210786.239157 ----------------------------------------------------- kappa* = 1.383032 +/- 0.027100 W/m/K ----------------------------------------------------- 9 2600 analysing file: ./UO2_heat/NVE_L_T/4x4x4/T_2600_K/nve_log dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 2571.2482014309853 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 11307.10858 min(PSD) (post-filter&sample) = 396918.24646 % of original PSD Power f<f* (pre-filter&sample) = 97.430 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 9 (P* = 10, corr_factor = 1.000000) L_0* = 16.173054 +/- 0.016437 S_0* = 11041390.912681 +/- 181488.283840 ----------------------------------------------------- kappa* = 1.344985 +/- 0.022108 W/m/K ----------------------------------------------------- 10 2700 analysing file: ./UO2_heat/NVE_L_T/4x4x4/T_2700_K/nve_log dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 2706.1365007539926 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 15804.70607 min(PSD) (post-filter&sample) = 504522.15137 % of original PSD Power f<f* (pre-filter&sample) = 97.348 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 9 (P* = 10, corr_factor = 1.000000) L_0* = 16.238221 +/- 0.016437 S_0* = 11784887.663935 +/- 193709.203332 ----------------------------------------------------- kappa* = 1.296008 +/- 0.021303 W/m/K ----------------------------------------------------- 11 2800 analysing file: ./UO2_heat/NVE_L_T/4x4x4/T_2800_K/nve_log
dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 2750.5328339246603 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 13093.94360 min(PSD) (post-filter&sample) = 475452.59749 % of original PSD Power f<f* (pre-filter&sample) = 97.329 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 9 (P* = 10, corr_factor = 1.000000) L_0* = 16.223174 +/- 0.016437 S_0* = 11608891.256527 +/- 190816.335378 ----------------------------------------------------- kappa* = 1.235773 +/- 0.020313 W/m/K ----------------------------------------------------- 12 2900 analysing file: ./UO2_heat/NVE_L_T/4x4x4/T_2900_K/nve_log dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 2872.914791457085 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 12417.97368 min(PSD) (post-filter&sample) = 594637.29959 % of original PSD Power f<f* (pre-filter&sample) = 97.261 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 11 (P* = 12, corr_factor = 1.000000) L_0* = 16.296050 +/- 0.018085 S_0* = 12486496.294216 +/- 225814.860154 ----------------------------------------------------- kappa* = 1.218363 +/- 0.022034 W/m/K ----------------------------------------------------- 13 3000 analysing file: ./UO2_heat/NVE_L_T/4x4x4/T_3000_K/nve_log dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 2937.316414876851 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 9133.11136 min(PSD) (post-filter&sample) = 542377.17040 % of original PSD Power f<f* (pre-filter&sample) = 97.223 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 11 (P* = 12, corr_factor = 1.000000) L_0* = 16.355111 +/- 0.018085 S_0* = 13246166.739513 +/- 239553.291762 ----------------------------------------------------- kappa* = 1.236433 +/- 0.022361 W/m/K ----------------------------------------------------- 14 3100 analysing file: ./UO2_heat/NVE_L_T/4x4x4/T_3100_K/nve_log dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 3042.9842076519235 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 23587.17341 min(PSD) (post-filter&sample) = 603853.50758 % of original PSD Power f<f* (pre-filter&sample) = 97.060 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 15 (P* = 16, corr_factor = 1.000000) L_0* = 16.368656 +/- 0.020996 S_0* = 13426803.374008 +/- 281904.159139 ----------------------------------------------------- kappa* = 1.167764 +/- 0.024518 W/m/K ----------------------------------------------------- 15 3200 analysing file: ./UO2_heat/NVE_L_T/4x4x4/T_3200_K/nve_log dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 3160.581253976461 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 19256.82362 min(PSD) (post-filter&sample) = 805474.45516 % of original PSD Power f<f* (pre-filter&sample) = 97.025 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 8 (P* = 9, corr_factor = 1.000000) L_0* = 16.452057 +/- 0.015548 S_0* = 14594639.159355 +/- 226916.371307 ----------------------------------------------------- kappa* = 1.176633 +/- 0.018294 W/m/K ----------------------------------------------------- 16 3300 analysing file: ./UO2_heat/NVE_L_T/4x4x4/T_3300_K/nve_log dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 3310.699177593224 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 16987.03346 min(PSD) (post-filter&sample) = 797724.62368 % of original PSD Power f<f* (pre-filter&sample) = 96.940 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 9 (P* = 10, corr_factor = 1.000000) L_0* = 16.565051 +/- 0.016437 S_0* = 16340524.378731 +/- 268590.592435 ----------------------------------------------------- kappa* = 1.200627 +/- 0.019735 W/m/K ----------------------------------------------------- 17 3400 analysing file: ./UO2_heat/NVE_L_T/4x4x4/T_3400_K/nve_log dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 3356.434017932821 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 18587.93966 min(PSD) (post-filter&sample) = 878166.50798 % of original PSD Power f<f* (pre-filter&sample) = 96.898 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 10 (P* = 11, corr_factor = 1.000000) L_0* = 16.577405 +/- 0.017281 S_0* = 16543645.514617 +/- 285883.355277 ----------------------------------------------------- kappa* = 1.182651 +/- 0.020437 W/m/K ----------------------------------------------------- 18 3500 analysing file: ./UO2_heat/NVE_L_T/4x4x4/T_3500_K/nve_log
dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 3472.2058975880245 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 31382.93257 min(PSD) (post-filter&sample) = 823901.05994 % of original PSD Power f<f* (pre-filter&sample) = 96.750 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 9 (P* = 10, corr_factor = 1.000000) L_0* = 16.659396 +/- 0.016437 S_0* = 17957247.489450 +/- 295164.808051 ----------------------------------------------------- kappa* = 1.199528 +/- 0.019717 W/m/K -----------------------------------------------------
plot_kappa_vs_T(L_min_UO2_NVE_heat, L_max_UO2_NVE_heat, trueTemp_UO2_NVE_heat, kappa_HC_UO2_heat_NVE, trueTemp=True)
dt_UO2_NVT_heat = 0.002*10.
alat_UO2_NVT_heat = 5.65 # angstrom
L_min_UO2_NVT_heat = 2
L_max_UO2_NVT_heat = 4
T_min_UO2_NVT_heat = 1700
T_max_UO2_NVT_heat = 3500
T_step_UO2_NVT_heat = 100
trueTemp_UO2_NVT_heat = temperature(L_min_UO2_NVT_heat, L_max_UO2_NVT_heat, T_min_UO2_NVT_heat, T_max_UO2_NVT_heat, T_step_UO2_NVT_heat, dirname="./UO2_heat/NVT_L_T_heat/", nve_file="nvt_log", SKIP=10)
inv_T_arr_UO2_NVT_heat = 1./trueTemp_UO2_NVT_heat
Temp_UO2_NVT_heat = np.arange(T_min_UO2_NVT_heat, T_max_UO2_NVT_heat + T_step_UO2_NVT_heat, T_step_UO2_NVT_heat)
N_L: 3 N_T: 19
m_U = 238.028909
m_O = 15.9994
factor_sigma_UO2 = (1.0 + m_O/m_U)**2
prefactor_UO2 = N_ratio_fluorites*m_O/m_U*(2.0 + N_ratio_fluorites*m_O/m_U)
kappa_HC_UO2_heat_NVT = compute_thermkappa_cepstral(L_min_UO2_NVT_heat,
L_max_UO2_NVT_heat,
T_min_UO2_NVT_heat,
T_max_UO2_NVT_heat,
T_step_UO2_NVT_heat,
"./UO2_heat/NVT_L_T_heat/",
file="nvt_log",
use_target_T=True,
resh=[24,12500],
fstar=32.0,
AIC_corr=1.0)
0 1700 analysing file: ./UO2_heat/NVT_L_T_heat/2x2x2/T_1700_K/nvt_log dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 1697.0627198688007 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 852.78598 min(PSD) (post-filter&sample) = 13902.81879 % of original PSD Power f<f* (pre-filter&sample) = 97.752 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 13 (P* = 14, corr_factor = 1.000000) L_0* = 13.102768 +/- 0.019594 S_0* = 512407.902182 +/- 10040.277312 ----------------------------------------------------- kappa* = 1.146283 +/- 0.022461 W/m/K ----------------------------------------------------- 1 1800 analysing file: ./UO2_heat/NVT_L_T_heat/2x2x2/T_1800_K/nvt_log dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 1796.9413891941078 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 937.35978 min(PSD) (post-filter&sample) = 18457.84693 % of original PSD Power f<f* (pre-filter&sample) = 97.726 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 10 (P* = 11, corr_factor = 1.000000) L_0* = 13.184454 +/- 0.017281 S_0* = 556021.180453 +/- 9608.353886 ----------------------------------------------------- kappa* = 1.109418 +/- 0.019171 W/m/K ----------------------------------------------------- 2 1900 analysing file: ./UO2_heat/NVT_L_T_heat/2x2x2/T_1900_K/nvt_log dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 1896.5859208797915 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 959.20353 min(PSD) (post-filter&sample) = 19528.10940 % of original PSD Power f<f* (pre-filter&sample) = 97.718 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 15 (P* = 16, corr_factor = 1.000000) L_0* = 13.283643 +/- 0.020996 S_0* = 614000.259195 +/- 12891.320589 ----------------------------------------------------- kappa* = 1.099753 +/- 0.023090 W/m/K ----------------------------------------------------- 3 2000 analysing file: ./UO2_heat/NVT_L_T_heat/2x2x2/T_2000_K/nvt_log dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 1996.5231172928272 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 912.45067 min(PSD) (post-filter&sample) = 22030.33932 % of original PSD Power f<f* (pre-filter&sample) = 97.683 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 14 (P* = 15, corr_factor = 1.000000) L_0* = 13.404098 +/- 0.020307 S_0* = 692598.866960 +/- 14064.645270 ----------------------------------------------------- kappa* = 1.119450 +/- 0.022733 W/m/K ----------------------------------------------------- 4 2100 analysing file: ./UO2_heat/NVT_L_T_heat/2x2x2/T_2100_K/nvt_log dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 2096.300796260037 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 1096.96354 min(PSD) (post-filter&sample) = 27981.09602 % of original PSD Power f<f* (pre-filter&sample) = 97.546 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 10 (P* = 11, corr_factor = 1.000000) L_0* = 13.457557 +/- 0.017281 S_0* = 730632.001621 +/- 12625.725564 ----------------------------------------------------- kappa* = 1.071182 +/- 0.018511 W/m/K ----------------------------------------------------- 5 2200 analysing file: ./UO2_heat/NVT_L_T_heat/2x2x2/T_2200_K/nvt_log dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 2196.0051896321033 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 1214.91880 min(PSD) (post-filter&sample) = 35212.26738 % of original PSD Power f<f* (pre-filter&sample) = 97.354 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 13 (P* = 14, corr_factor = 1.000000) L_0* = 13.544917 +/- 0.019594 S_0* = 797330.759495 +/- 15623.143010 ----------------------------------------------------- kappa* = 1.065230 +/- 0.020872 W/m/K ----------------------------------------------------- 6 2300 analysing file: ./UO2_heat/NVT_L_T_heat/2x2x2/T_2300_K/nvt_log
dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 2295.9547253737464 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 1927.88331 min(PSD) (post-filter&sample) = 33244.52766 % of original PSD Power f<f* (pre-filter&sample) = 97.282 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 11 (P* = 12, corr_factor = 1.000000) L_0* = 13.609207 +/- 0.018085 S_0* = 850274.631257 +/- 15376.983457 ----------------------------------------------------- kappa* = 1.039212 +/- 0.018794 W/m/K ----------------------------------------------------- 7 2400 analysing file: ./UO2_heat/NVT_L_T_heat/2x2x2/T_2400_K/nvt_log dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 2395.774858662413 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 1765.07531 min(PSD) (post-filter&sample) = 43291.89942 % of original PSD Power f<f* (pre-filter&sample) = 97.225 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 12 (P* = 13, corr_factor = 1.000000) L_0* = 13.693720 +/- 0.018855 S_0* = 925258.185265 +/- 17445.400636 ----------------------------------------------------- kappa* = 1.038586 +/- 0.019582 W/m/K ----------------------------------------------------- 8 2500 analysing file: ./UO2_heat/NVT_L_T_heat/2x2x2/T_2500_K/nvt_log dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 2495.715473405266 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 2016.29509 min(PSD) (post-filter&sample) = 43630.26569 % of original PSD Power f<f* (pre-filter&sample) = 97.135 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 9 (P* = 10, corr_factor = 1.000000) L_0* = 13.777077 +/- 0.016437 S_0* = 1005690.277919 +/- 16530.616845 ----------------------------------------------------- kappa* = 1.040269 +/- 0.017099 W/m/K ----------------------------------------------------- 9 2600 analysing file: ./UO2_heat/NVT_L_T_heat/2x2x2/T_2600_K/nvt_log dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 2595.633418599814 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 2065.24686 min(PSD) (post-filter&sample) = 36035.14074 % of original PSD Power f<f* (pre-filter&sample) = 97.136 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 9 (P* = 10, corr_factor = 1.000000) L_0* = 13.858016 +/- 0.016437 S_0* = 1090475.486747 +/- 17924.238552 ----------------------------------------------------- kappa* = 1.042800 +/- 0.017141 W/m/K ----------------------------------------------------- 10 2700 analysing file: ./UO2_heat/NVT_L_T_heat/2x2x2/T_2700_K/nvt_log dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 2695.241684153158 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 2361.73388 min(PSD) (post-filter&sample) = 54351.43134 % of original PSD Power f<f* (pre-filter&sample) = 97.044 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 12 (P* = 13, corr_factor = 1.000000) L_0* = 13.955237 +/- 0.018855 S_0* = 1201817.150048 +/- 22659.817560 ----------------------------------------------------- kappa* = 1.065896 +/- 0.020097 W/m/K ----------------------------------------------------- 11 2800 analysing file: ./UO2_heat/NVT_L_T_heat/2x2x2/T_2800_K/nvt_log dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 2794.9993700832993 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 2639.20270 min(PSD) (post-filter&sample) = 52448.38885 % of original PSD Power f<f* (pre-filter&sample) = 96.920 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 9 (P* = 10, corr_factor = 1.000000) L_0* = 13.988852 +/- 0.016437 S_0* = 1242902.686828 +/- 20429.697435 ----------------------------------------------------- kappa* = 1.025051 +/- 0.016849 W/m/K ----------------------------------------------------- 12 2900 analysing file: ./UO2_heat/NVT_L_T_heat/2x2x2/T_2900_K/nvt_log dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 2895.180445780542 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 1997.47605 min(PSD) (post-filter&sample) = 56151.25592 % of original PSD Power f<f* (pre-filter&sample) = 96.909 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 12 (P* = 13, corr_factor = 1.000000) L_0* = 14.060411 +/- 0.018855 S_0* = 1335102.598701 +/- 25172.865364 ----------------------------------------------------- kappa* = 1.026207 +/- 0.019349 W/m/K ----------------------------------------------------- 13 3000 analysing file: ./UO2_heat/NVT_L_T_heat/2x2x2/T_3000_K/nvt_log
dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 2994.671403782962 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 2655.32284 min(PSD) (post-filter&sample) = 62916.57758 % of original PSD Power f<f* (pre-filter&sample) = 96.838 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 6 (P* = 7, corr_factor = 1.000000) L_0* = 14.105801 +/- 0.013596 S_0* = 1397099.358557 +/- 18995.335862 ----------------------------------------------------- kappa* = 1.003692 +/- 0.013646 W/m/K ----------------------------------------------------- 14 3100 analysing file: ./UO2_heat/NVT_L_T_heat/2x2x2/T_3100_K/nvt_log dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 3094.7516633663663 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 3423.60633 min(PSD) (post-filter&sample) = 75897.74368 % of original PSD Power f<f* (pre-filter&sample) = 96.770 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 16 (P* = 17, corr_factor = 1.000000) L_0* = 14.152236 +/- 0.021662 S_0* = 1463503.163875 +/- 31702.874612 ----------------------------------------------------- kappa* = 0.984495 +/- 0.021326 W/m/K ----------------------------------------------------- 15 3200 analysing file: ./UO2_heat/NVT_L_T_heat/2x2x2/T_3200_K/nvt_log dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 3194.5015368646314 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 3420.29440 min(PSD) (post-filter&sample) = 81007.36378 % of original PSD Power f<f* (pre-filter&sample) = 96.776 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 9 (P* = 10, corr_factor = 1.000000) L_0* = 14.262609 +/- 0.016437 S_0* = 1634286.060928 +/- 26862.899326 ----------------------------------------------------- kappa* = 1.031795 +/- 0.016960 W/m/K ----------------------------------------------------- 16 3300 analysing file: ./UO2_heat/NVT_L_T_heat/2x2x2/T_3300_K/nvt_log dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 3294.3320901970983 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 2594.63854 min(PSD) (post-filter&sample) = 90106.03258 % of original PSD Power f<f* (pre-filter&sample) = 96.667 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 7 (P* = 8, corr_factor = 1.000000) L_0* = 14.310694 +/- 0.014605 S_0* = 1714791.907328 +/- 25044.078836 ----------------------------------------------------- kappa* = 1.018001 +/- 0.014868 W/m/K ----------------------------------------------------- 17 3400 analysing file: ./UO2_heat/NVT_L_T_heat/2x2x2/T_3400_K/nvt_log dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 3394.3503150498495 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 3803.06231 min(PSD) (post-filter&sample) = 74583.37148 % of original PSD Power f<f* (pre-filter&sample) = 96.627 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 6 (P* = 7, corr_factor = 1.000000) L_0* = 14.401364 +/- 0.013596 S_0* = 1877538.091697 +/- 25527.509141 ----------------------------------------------------- kappa* = 1.049898 +/- 0.014275 W/m/K ----------------------------------------------------- 18 3500 analysing file: ./UO2_heat/NVT_L_T_heat/2x2x2/T_3500_K/nvt_log dt = 7.999999999995566 alat = 1.13e-09 TEMPERATURE = 3494.036023115769 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 4234.38746 min(PSD) (post-filter&sample) = 103561.30721 % of original PSD Power f<f* (pre-filter&sample) = 96.606 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 13 (P* = 14, corr_factor = 1.000000) L_0* = 14.441335 +/- 0.019594 S_0* = 1954104.567808 +/- 38289.323164 ----------------------------------------------------- kappa* = 1.031252 +/- 0.020207 W/m/K ----------------------------------------------------- 0 1700 analysing file: ./UO2_heat/NVT_L_T_heat/3x3x3/T_1700_K/nvt_log dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 1698.0329279627204 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 2090.92616 min(PSD) (post-filter&sample) = 48822.94637 % of original PSD Power f<f* (pre-filter&sample) = 98.124 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 11 (P* = 12, corr_factor = 1.000000) L_0* = 14.550185 +/- 0.018085 S_0* = 2178817.899345 +/- 39403.324011 ----------------------------------------------------- kappa* = 1.442536 +/- 0.026088 W/m/K ----------------------------------------------------- 1 1800 analysing file: ./UO2_heat/NVT_L_T_heat/3x3x3/T_1800_K/nvt_log
dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 1797.9125011259885 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 2078.44490 min(PSD) (post-filter&sample) = 43472.10388 % of original PSD Power f<f* (pre-filter&sample) = 98.017 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 13 (P* = 14, corr_factor = 1.000000) L_0* = 14.646788 +/- 0.019594 S_0* = 2399800.273863 +/- 47022.421281 ----------------------------------------------------- kappa* = 1.417215 +/- 0.027769 W/m/K ----------------------------------------------------- 2 1900 analysing file: ./UO2_heat/NVT_L_T_heat/3x3x3/T_1900_K/nvt_log dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 1897.7695294377056 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 2113.91109 min(PSD) (post-filter&sample) = 72938.42482 % of original PSD Power f<f* (pre-filter&sample) = 97.964 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 14 (P* = 15, corr_factor = 1.000000) L_0* = 14.765109 +/- 0.020307 S_0* = 2701227.021703 +/- 54853.973442 ----------------------------------------------------- kappa* = 1.431766 +/- 0.029075 W/m/K ----------------------------------------------------- 3 2000 analysing file: ./UO2_heat/NVT_L_T_heat/3x3x3/T_2000_K/nvt_log dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 1997.648096585034 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 2153.80247 min(PSD) (post-filter&sample) = 90873.31959 % of original PSD Power f<f* (pre-filter&sample) = 97.898 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 16 (P* = 17, corr_factor = 1.000000) L_0* = 14.811889 +/- 0.021662 S_0* = 2830592.171894 +/- 61317.194878 ----------------------------------------------------- kappa* = 1.354058 +/- 0.029332 W/m/K ----------------------------------------------------- 4 2100 analysing file: ./UO2_heat/NVT_L_T_heat/3x3x3/T_2100_K/nvt_log dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 2097.5565437385626 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 3039.16587 min(PSD) (post-filter&sample) = 88880.14332 % of original PSD Power f<f* (pre-filter&sample) = 97.751 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 10 (P* = 11, corr_factor = 1.000000) L_0* = 14.889233 +/- 0.017281 S_0* = 3058212.271732 +/- 52847.601493 ----------------------------------------------------- kappa* = 1.326900 +/- 0.022930 W/m/K ----------------------------------------------------- 5 2200 analysing file: ./UO2_heat/NVT_L_T_heat/3x3x3/T_2200_K/nvt_log dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 2197.350909821902 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 3558.52922 min(PSD) (post-filter&sample) = 128938.82213 % of original PSD Power f<f* (pre-filter&sample) = 97.670 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 14 (P* = 15, corr_factor = 1.000000) L_0* = 15.001877 +/- 0.020307 S_0* = 3422852.002605 +/- 69508.053688 ----------------------------------------------------- kappa* = 1.353278 +/- 0.027481 W/m/K ----------------------------------------------------- 6 2300 analysing file: ./UO2_heat/NVT_L_T_heat/3x3x3/T_2300_K/nvt_log dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 2297.31600298297 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 3638.32162 min(PSD) (post-filter&sample) = 125499.14737 % of original PSD Power f<f* (pre-filter&sample) = 97.622 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 11 (P* = 12, corr_factor = 1.000000) L_0* = 15.014445 +/- 0.018085 S_0* = 3466141.038876 +/- 62684.209847 ----------------------------------------------------- kappa* = 1.253726 +/- 0.022673 W/m/K ----------------------------------------------------- 7 2400 analysing file: ./UO2_heat/NVT_L_T_heat/3x3x3/T_2400_K/nvt_log dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 2397.161567551325 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 5664.56243 min(PSD) (post-filter&sample) = 140396.54874 % of original PSD Power f<f* (pre-filter&sample) = 97.390 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 12 (P* = 13, corr_factor = 1.000000) L_0* = 15.095900 +/- 0.018855 S_0* = 3760295.847444 +/- 70898.986481 ----------------------------------------------------- kappa* = 1.249181 +/- 0.023553 W/m/K ----------------------------------------------------- 8 2500 analysing file: ./UO2_heat/NVT_L_T_heat/3x3x3/T_2500_K/nvt_log
dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 2497.0999058709413 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 4534.48177 min(PSD) (post-filter&sample) = 139778.36296 % of original PSD Power f<f* (pre-filter&sample) = 97.391 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 10 (P* = 11, corr_factor = 1.000000) L_0* = 15.188127 +/- 0.017281 S_0* = 4123592.886063 +/- 71257.968446 ----------------------------------------------------- kappa* = 1.262414 +/- 0.021815 W/m/K ----------------------------------------------------- 9 2600 analysing file: ./UO2_heat/NVT_L_T_heat/3x3x3/T_2600_K/nvt_log dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 2596.9393523334766 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 4274.60044 min(PSD) (post-filter&sample) = 165596.50274 % of original PSD Power f<f* (pre-filter&sample) = 97.357 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 10 (P* = 11, corr_factor = 1.000000) L_0* = 15.235766 +/- 0.017281 S_0* = 4324791.012252 +/- 74734.783477 ----------------------------------------------------- kappa* = 1.224163 +/- 0.021154 W/m/K ----------------------------------------------------- 10 2700 analysing file: ./UO2_heat/NVT_L_T_heat/3x3x3/T_2700_K/nvt_log dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 2696.8221400755997 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 6641.06258 min(PSD) (post-filter&sample) = 198152.74869 % of original PSD Power f<f* (pre-filter&sample) = 97.231 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 9 (P* = 10, corr_factor = 1.000000) L_0* = 15.324291 +/- 0.016437 S_0* = 4725096.351791 +/- 77666.811604 ----------------------------------------------------- kappa* = 1.240235 +/- 0.020386 W/m/K ----------------------------------------------------- 11 2800 analysing file: ./UO2_heat/NVT_L_T_heat/3x3x3/T_2800_K/nvt_log dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 2796.6241828671714 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 3635.03960 min(PSD) (post-filter&sample) = 237022.52828 % of original PSD Power f<f* (pre-filter&sample) = 97.273 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 7 (P* = 8, corr_factor = 1.000000) L_0* = 15.349436 +/- 0.014605 S_0* = 4845417.977715 +/- 70766.038322 ----------------------------------------------------- kappa* = 1.182663 +/- 0.017272 W/m/K ----------------------------------------------------- 12 2900 analysing file: ./UO2_heat/NVT_L_T_heat/3x3x3/T_2900_K/nvt_log dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 2896.5604525554745 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 6261.42946 min(PSD) (post-filter&sample) = 252969.63006 % of original PSD Power f<f* (pre-filter&sample) = 97.187 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 15 (P* = 16, corr_factor = 1.000000) L_0* = 15.468254 +/- 0.020996 S_0* = 5456737.835464 +/- 114567.633732 ----------------------------------------------------- kappa* = 1.241554 +/- 0.026067 W/m/K ----------------------------------------------------- 13 3000 analysing file: ./UO2_heat/NVT_L_T_heat/3x3x3/T_3000_K/nvt_log dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 2996.4260256277435 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 5450.29497 min(PSD) (post-filter&sample) = 261163.89951 % of original PSD Power f<f* (pre-filter&sample) = 97.148 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 8 (P* = 9, corr_factor = 1.000000) L_0* = 15.489301 +/- 0.015548 S_0* = 5572805.963579 +/- 86645.575368 ----------------------------------------------------- kappa* = 1.184854 +/- 0.018422 W/m/K ----------------------------------------------------- 14 3100 analysing file: ./UO2_heat/NVT_L_T_heat/3x3x3/T_3100_K/nvt_log dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 3096.259863133369 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 8249.29133 min(PSD) (post-filter&sample) = 251131.65747 % of original PSD Power f<f* (pre-filter&sample) = 97.022 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 7 (P* = 8, corr_factor = 1.000000) L_0* = 15.530187 +/- 0.014605 S_0* = 5805377.120466 +/- 84785.985785 ----------------------------------------------------- kappa* = 1.155989 +/- 0.016883 W/m/K ----------------------------------------------------- 15 3200 analysing file: ./UO2_heat/NVT_L_T_heat/3x3x3/T_3200_K/nvt_log
dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 3196.2291148618515 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 6872.06658 min(PSD) (post-filter&sample) = 296901.38280 % of original PSD Power f<f* (pre-filter&sample) = 96.992 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 9 (P* = 10, corr_factor = 1.000000) L_0* = 15.618673 +/- 0.016437 S_0* = 6342485.519564 +/- 104251.975257 ----------------------------------------------------- kappa* = 1.185173 +/- 0.019481 W/m/K ----------------------------------------------------- 16 3300 analysing file: ./UO2_heat/NVT_L_T_heat/3x3x3/T_3300_K/nvt_log dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 3295.979076561235 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 10078.47417 min(PSD) (post-filter&sample) = 319143.58360 % of original PSD Power f<f* (pre-filter&sample) = 96.867 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 8 (P* = 9, corr_factor = 1.000000) L_0* = 15.674128 +/- 0.015548 S_0* = 6704141.684706 +/- 104235.499570 ----------------------------------------------------- kappa* = 1.178073 +/- 0.018317 W/m/K ----------------------------------------------------- 17 3400 analysing file: ./UO2_heat/NVT_L_T_heat/3x3x3/T_3400_K/nvt_log dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 3396.0070122798775 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 16621.00291 min(PSD) (post-filter&sample) = 380002.54715 % of original PSD Power f<f* (pre-filter&sample) = 96.719 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 8 (P* = 9, corr_factor = 1.000000) L_0* = 15.703541 +/- 0.015548 S_0* = 6904259.364361 +/- 107346.914467 ----------------------------------------------------- kappa* = 1.142820 +/- 0.017768 W/m/K ----------------------------------------------------- 18 3500 analysing file: ./UO2_heat/NVT_L_T_heat/3x3x3/T_3500_K/nvt_log dt = 7.999999999995566 alat = 1.695e-09 TEMPERATURE = 3495.834136358637 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 18736.93755 min(PSD) (post-filter&sample) = 330080.50028 % of original PSD Power f<f* (pre-filter&sample) = 96.623 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 8 (P* = 9, corr_factor = 1.000000) L_0* = 15.759155 +/- 0.015548 S_0* = 7299107.810016 +/- 113485.988927 ----------------------------------------------------- kappa* = 1.140161 +/- 0.017727 W/m/K ----------------------------------------------------- 0 1700 analysing file: ./UO2_heat/NVT_L_T_heat/4x4x4/T_1700_K/nvt_log dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 1698.8540355446446 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 3459.23800 min(PSD) (post-filter&sample) = 134914.71965 % of original PSD Power f<f* (pre-filter&sample) = 98.244 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 15 (P* = 16, corr_factor = 1.000000) L_0* = 15.499711 +/- 0.020996 S_0* = 5631121.030977 +/- 118228.918308 ----------------------------------------------------- kappa* = 1.571319 +/- 0.032991 W/m/K ----------------------------------------------------- 1 1800 analysing file: ./UO2_heat/NVT_L_T_heat/4x4x4/T_1800_K/nvt_log dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 1798.7682357476424 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 5146.99731 min(PSD) (post-filter&sample) = 148437.19290 % of original PSD Power f<f* (pre-filter&sample) = 98.063 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 20 (P* = 21, corr_factor = 1.000000) L_0* = 15.632182 +/- 0.024146 S_0* = 6428747.528076 +/- 155226.657581 ----------------------------------------------------- kappa* = 1.600139 +/- 0.038636 W/m/K ----------------------------------------------------- 2 1900 analysing file: ./UO2_heat/NVT_L_T_heat/4x4x4/T_1900_K/nvt_log dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 1898.7030291427086 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 7363.41557 min(PSD) (post-filter&sample) = 188192.47358 % of original PSD Power f<f* (pre-filter&sample) = 97.961 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 13 (P* = 14, corr_factor = 1.000000) L_0* = 15.719924 +/- 0.019594 S_0* = 7018302.087603 +/- 137518.759804 ----------------------------------------------------- kappa* = 1.567832 +/- 0.030721 W/m/K ----------------------------------------------------- 3 2000 analysing file: ./UO2_heat/NVT_L_T_heat/4x4x4/T_2000_K/nvt_log
dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 1998.6472212837873 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 6767.98650 min(PSD) (post-filter&sample) = 206437.09305 % of original PSD Power f<f* (pre-filter&sample) = 97.924 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 14 (P* = 15, corr_factor = 1.000000) L_0* = 15.800543 +/- 0.020307 S_0* = 7607546.865626 +/- 154486.894427 ----------------------------------------------------- kappa* = 1.533748 +/- 0.031146 W/m/K ----------------------------------------------------- 4 2100 analysing file: ./UO2_heat/NVT_L_T_heat/4x4x4/T_2100_K/nvt_log dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 2098.589940392596 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 7117.48193 min(PSD) (post-filter&sample) = 259859.36989 % of original PSD Power f<f* (pre-filter&sample) = 97.856 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 16 (P* = 17, corr_factor = 1.000000) L_0* = 15.886956 +/- 0.021662 S_0* = 8294170.625427 +/- 179670.982504 ----------------------------------------------------- kappa* = 1.516699 +/- 0.032855 W/m/K ----------------------------------------------------- 5 2200 analysing file: ./UO2_heat/NVT_L_T_heat/4x4x4/T_2200_K/nvt_log dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 2198.5153778752215 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 12612.42495 min(PSD) (post-filter&sample) = 302170.38286 % of original PSD Power f<f* (pre-filter&sample) = 97.597 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 9 (P* = 10, corr_factor = 1.000000) L_0* = 15.892384 +/- 0.016437 S_0* = 8339319.033101 +/- 137074.097972 ----------------------------------------------------- kappa* = 1.389483 +/- 0.022839 W/m/K ----------------------------------------------------- 6 2300 analysing file: ./UO2_heat/NVT_L_T_heat/4x4x4/T_2300_K/nvt_log dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 2298.451313783862 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 6928.83815 min(PSD) (post-filter&sample) = 327579.68474 % of original PSD Power f<f* (pre-filter&sample) = 97.717 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 9 (P* = 10, corr_factor = 1.000000) L_0* = 15.975645 +/- 0.016437 S_0* = 9063385.447619 +/- 148975.639363 ----------------------------------------------------- kappa* = 1.381661 +/- 0.022710 W/m/K ----------------------------------------------------- 7 2400 analysing file: ./UO2_heat/NVT_L_T_heat/4x4x4/T_2400_K/nvt_log dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 2398.3915176548235 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 8347.57814 min(PSD) (post-filter&sample) = 352211.04731 % of original PSD Power f<f* (pre-filter&sample) = 97.612 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 10 (P* = 11, corr_factor = 1.000000) L_0* = 16.048276 +/- 0.017281 S_0* = 9746156.711132 +/- 168418.984750 ----------------------------------------------------- kappa* = 1.364504 +/- 0.023579 W/m/K ----------------------------------------------------- 8 2500 analysing file: ./UO2_heat/NVT_L_T_heat/4x4x4/T_2500_K/nvt_log dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 2498.315235815642 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 10614.32858 min(PSD) (post-filter&sample) = 394771.06174 % of original PSD Power f<f* (pre-filter&sample) = 97.517 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 12 (P* = 13, corr_factor = 1.000000) L_0* = 16.074475 +/- 0.018855 S_0* = 10004870.370406 +/- 188638.127932 ----------------------------------------------------- kappa* = 1.290918 +/- 0.024340 W/m/K ----------------------------------------------------- 9 2600 analysing file: ./UO2_heat/NVT_L_T_heat/4x4x4/T_2600_K/nvt_log dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 2598.242060199398 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 13681.07895 min(PSD) (post-filter&sample) = 447185.26590 % of original PSD Power f<f* (pre-filter&sample) = 97.385 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 9 (P* = 10, corr_factor = 1.000000) L_0* = 16.170341 +/- 0.016437 S_0* = 11011476.111405 +/- 180996.571701 ----------------------------------------------------- kappa* = 1.313615 +/- 0.021592 W/m/K ----------------------------------------------------- 10 2700 analysing file: ./UO2_heat/NVT_L_T_heat/4x4x4/T_2700_K/nvt_log
dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 2698.249452573474 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 17003.63016 min(PSD) (post-filter&sample) = 513152.79996 % of original PSD Power f<f* (pre-filter&sample) = 97.298 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 11 (P* = 12, corr_factor = 1.000000) L_0* = 16.198628 +/- 0.018085 S_0* = 11327406.463044 +/- 204853.038521 ----------------------------------------------------- kappa* = 1.252991 +/- 0.022660 W/m/K ----------------------------------------------------- 11 2800 analysing file: ./UO2_heat/NVT_L_T_heat/4x4x4/T_2800_K/nvt_log dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 2798.110483253168 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 16471.20667 min(PSD) (post-filter&sample) = 574710.27380 % of original PSD Power f<f* (pre-filter&sample) = 97.260 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 9 (P* = 10, corr_factor = 1.000000) L_0* = 16.253261 +/- 0.016437 S_0* = 11963471.155411 +/- 196644.595408 ----------------------------------------------------- kappa* = 1.230578 +/- 0.020227 W/m/K ----------------------------------------------------- 12 2900 analysing file: ./UO2_heat/NVT_L_T_heat/4x4x4/T_2900_K/nvt_log dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 2898.1126377216224 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 19641.05028 min(PSD) (post-filter&sample) = 600054.37676 % of original PSD Power f<f* (pre-filter&sample) = 97.156 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 7 (P* = 8, corr_factor = 1.000000) L_0* = 16.307441 +/- 0.014605 S_0* = 12629535.166160 +/- 184450.995490 ----------------------------------------------------- kappa* = 1.210984 +/- 0.017686 W/m/K ----------------------------------------------------- 13 3000 analysing file: ./UO2_heat/NVT_L_T_heat/4x4x4/T_3000_K/nvt_log dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 2997.9527382776164 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 15071.34247 min(PSD) (post-filter&sample) = 594258.99477 % of original PSD Power f<f* (pre-filter&sample) = 97.153 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 7 (P* = 8, corr_factor = 1.000000) L_0* = 16.346230 +/- 0.014605 S_0* = 13129050.433318 +/- 191746.282853 ----------------------------------------------------- kappa* = 1.176428 +/- 0.017181 W/m/K ----------------------------------------------------- 14 3100 analysing file: ./UO2_heat/NVT_L_T_heat/4x4x4/T_3100_K/nvt_log dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 3097.9111571914277 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 19746.33979 min(PSD) (post-filter&sample) = 716876.34945 % of original PSD Power f<f* (pre-filter&sample) = 97.065 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 12 (P* = 13, corr_factor = 1.000000) L_0* = 16.458109 +/- 0.018855 S_0* = 14683238.087784 +/- 276847.019733 ----------------------------------------------------- kappa* = 1.232156 +/- 0.023232 W/m/K ----------------------------------------------------- 15 3200 analysing file: ./UO2_heat/NVT_L_T_heat/4x4x4/T_3200_K/nvt_log dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 3197.777946385536 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 20218.19046 min(PSD) (post-filter&sample) = 853894.65036 % of original PSD Power f<f* (pre-filter&sample) = 96.980 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 7 (P* = 8, corr_factor = 1.000000) L_0* = 16.489284 +/- 0.014605 S_0* = 15148193.874845 +/- 221235.334740 ----------------------------------------------------- kappa* = 1.193015 +/- 0.017424 W/m/K ----------------------------------------------------- 16 3300 analysing file: ./UO2_heat/NVT_L_T_heat/4x4x4/T_3300_K/nvt_log dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 3297.768443564564 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 18056.76758 min(PSD) (post-filter&sample) = 851655.95248 % of original PSD Power f<f* (pre-filter&sample) = 96.949 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 7 (P* = 8, corr_factor = 1.000000) L_0* = 16.540404 +/- 0.014605 S_0* = 15942698.553182 +/- 232838.863842 ----------------------------------------------------- kappa* = 1.180601 +/- 0.017242 W/m/K ----------------------------------------------------- 17 3400 analysing file: ./UO2_heat/NVT_L_T_heat/4x4x4/T_3400_K/nvt_log
dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 3397.667096893031 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 21871.28637 min(PSD) (post-filter&sample) = 703533.25132 % of original PSD Power f<f* (pre-filter&sample) = 96.857 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 11 (P* = 12, corr_factor = 1.000000) L_0* = 16.621651 +/- 0.018085 S_0* = 17292067.631290 +/- 312722.299508 ----------------------------------------------------- kappa* = 1.206332 +/- 0.021816 W/m/K ----------------------------------------------------- 18 3500 analysing file: ./UO2_heat/NVT_L_T_heat/4x4x4/T_3500_K/nvt_log dt = 7.999999999995566 alat = 2.26e-09 TEMPERATURE = 3497.616272881271 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 28143.87591 min(PSD) (post-filter&sample) = 1019310.27794 % of original PSD Power f<f* (pre-filter&sample) = 96.740 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 8 (P* = 9, corr_factor = 1.000000) L_0* = 16.662660 +/- 0.015548 S_0* = 18015951.639496 +/- 280110.684960 ----------------------------------------------------- kappa* = 1.186027 +/- 0.018440 W/m/K -----------------------------------------------------
plot_kappa_vs_T(L_min_UO2_NVT_heat, L_max_UO2_NVT_heat, Temp_UO2_NVT_heat, kappa_HC_UO2_heat_NVT)
plot_kappa_vs_T(L_min_UO2_NVE_heat, L_max_UO2_NVE_heat, trueTemp_UO2_NVE_heat, kappa_HC_UO2_heat_NVE, trueTemp=True)
alat_AgI = 5.37 # 5.0855 # angstrom
dt_AgI = 0.004*10.
L_min_AgI = 2
L_max_AgI = 6
T_min_AgI = 500
T_max_AgI = 950
T_step_AgI = 50
inv_T_arr_AgI = 1.0/np.arange(T_min_AgI, T_max_AgI + T_step_AgI, T_step_AgI)
m_Ag = 107.8682
m_I = 126.90447
factor_sigma_AgI = (1.0 + m_Ag/m_I)**2
prefactor_AgI = m_Ag/m_I*(2.0 + m_Ag/m_I)
Temp_AgI = np.arange(T_min_AgI, T_max_AgI + T_step_AgI, T_step_AgI)
D_LAB_AgI = compute_diffusivities_LAB(dt_AgI, L_min_AgI, L_max_AgI, T_min_AgI, T_max_AgI, T_step_AgI, "./alpha-AgI/NVT_L_T_5.37ang/", prefactor_AgI, BLOCKS=4, START_STEP=500)
N_L: 5 N_T: 10
plot_D_with_errorbars(L_min_AgI, L_max_AgI, inv_T_arr_AgI, D_LAB_AgI)
#plt.ylim(-2.5,0.2)
/local/scratch/grassell/PyVirtualEnvs/tutorial-env/lib/python3.6/site-packages/ipykernel_launcher.py:7: MatplotlibDeprecationWarning: Since 3.2, the parameter *where* must have the same size as [2.0 1.8181818181818181 1.6666666666666667 1.5384615384615385 1.4285714285714286 1.3333333333333333 1.25 1.176470588235294 1.1111111111111112 1.0526315789473684] in fill_betweenx(). This will become an error two minor releases later. import sys
indexTc_AgI = np.array([-1,-1,-1,-1,-1])
startT_AgI = 0
delta_AgI = 0
piecewice_fit_D(L_min_AgI, L_max_AgI, Temp_AgI, D_LAB_AgI, indexTc = indexTc_AgI, startT = startT_AgI, delta=delta_AgI, NFU=4)
L = 2 , slope [meV] = 100 +/- 7 L = 2 , intercept [$\AA^2$/ps] = 2.338 +/- 0.264 L = 3 , slope [meV] = 93 +/- 3 L = 3 , intercept [$\AA^2$/ps] = 2.09 +/- 0.108 L = 4 , slope [meV] = 100 +/- 5 L = 4 , intercept [$\AA^2$/ps] = 2.331 +/- 0.188 L = 5 , slope [meV] = 98 +/- 2 L = 5 , intercept [$\AA^2$/ps] = 2.267 +/- 0.094 L = 6 , slope [meV] = 99 +/- 2 L = 6 , intercept [$\AA^2$/ps] = 2.284 +/- 0.088
A_AgI, D_AgI, A_self_AgI, D_self_AgI, D_cm_AgI = compute_diffusivities(dt_AgI,
L_min_AgI,
L_max_AgI,
T_min_AgI,
T_max_AgI,
T_step_AgI,
"./alpha-AgI/NVT_L_T_5.37ang/",
BLOCKS=4,
START_STEP=1000, N_F=2)
N_L: 5 N_T: 10
plot_D_with_errorbars(L_min_AgI, L_max_AgI, inv_T_arr_AgI, D_self_AgI)
/local/scratch/grassell/PyVirtualEnvs/tutorial-env/lib/python3.6/site-packages/ipykernel_launcher.py:7: MatplotlibDeprecationWarning: Since 3.2, the parameter *where* must have the same size as [2.0 1.8181818181818181 1.6666666666666667 1.5384615384615385 1.4285714285714286 1.3333333333333333 1.25 1.176470588235294 1.1111111111111112 1.0526315789473684] in fill_betweenx(). This will become an error two minor releases later. import sys
for iL, L in enumerate(np.arange(L_min_AgI, L_max_AgI + 1)):
plt.fill_between(Temp_AgI,
A_self_AgI[iL,:,0]-A_self_AgI[iL,:,1],
A_self_AgI[iL,:,0]+A_self_AgI[iL,:,1], 'o-', label=str(L)+"x"+str(L)+"x"+str(L))
plt.legend(loc='upper left')
plt.xlabel("$T$ [K]")
plt.ylabel("$\\langle r^2_\mathrm{O} \\rangle$ [$\AA^2$]")
/local/scratch/grassell/PyVirtualEnvs/tutorial-env/lib/python3.6/site-packages/ipykernel_launcher.py:4: MatplotlibDeprecationWarning: Since 3.2, the parameter *where* must have the same size as [500 550 600 650 700 750 800 850 900 950] in fill_betweenx(). This will become an error two minor releases later. after removing the cwd from sys.path.
Text(0, 0.5, '$\\langle r^2_\\mathrm{O} \\rangle$ [$\\AA^2$]')
fit_DW_AgI, err_DW_AgI = plot_fit_Debye_Waller_new(L_min_AgI+1, L_max_AgI, T_min_AgI, T_max_AgI, T_step_AgI, A_self_AgI[1:,:,:])
C_V_AgI = specific_heat(L_min_AgI, L_max_AgI, T_min_AgI, T_max_AgI, T_step_AgI, "./alpha-AgI/NVT_L_T_5.37ang/", SKIP=5,
STEP_ASY=200, NU=2)
N_L: 5 N_T: 10
plot_C_V_vs_T(L_min_AgI, L_max_AgI, Temp_AgI, C_V_AgI)
h = np.array([1, 1, 1])
h = h/np.sum(h)
convolved_C_V_AgI_fluc = np.zeros(C_V_AgI.shape)
for iL, L in enumerate(np.arange(L_min_AgI, L_max_AgI+1)):
convolved_C_V_AgI_fluc[iL,:,0] = convolve(C_V_AgI[iL,:,0], h, 'same')
convolved_C_V_AgI_fluc[iL,:,1] = convolve(C_V_AgI[iL,:,1], h, 'same')
Delta_AgI = excess_energy(L_min_AgI, L_max_AgI, T_min_AgI, T_max_AgI, T_step_AgI, "./alpha-AgI/NVT_L_T_5.37ang/", SKIP=5,
STEP_ASY=200, NU=2)
C_V_AgI_grad = np.zeros(Delta_AgI.shape)
h = np.array([1, 0, 1])
for iL, L in enumerate(np.arange(L_min_AgI, L_max_AgI+1)):
C_V_AgI_grad[iL,:,0] = np.gradient(Delta_AgI[iL,:,0])/8.617333262e-5/T_step_AgI*8.314
C_V_AgI_grad[iL,:,1] = convolve(Delta_AgI[iL,:,1], h, 'same')/8.617333262e-5/T_step_AgI*8.314
C_V_AgI_grad[:,0,1] = 2.0*C_V_AgI_grad[:,0,1]
C_V_AgI_grad[:,-1,1] = 2.0*C_V_AgI_grad[:,-1,1]
b, a = butter(1, 0.5)
C_V_AgI_grad_filt_Delta = np.zeros(Delta_AgI.shape[:-1])
for iL, L in enumerate(np.arange(L_min_AgI, L_max_AgI+1)):
C_V_AgI_grad_filt_Delta[iL,:] = filtfilt(b, a, C_V_AgI_grad[iL,:,0])
N_L: 5 N_T: 10
plot_C_V_vs_T(L_min_AgI, L_max_AgI, Temp_AgI, C_V_AgI_grad)
press_AgI = pressure(L_min_AgI, L_max_AgI, T_min_AgI, T_max_AgI, T_step_AgI, "./alpha-AgI/NVT_L_T_5.37ang//", SKIP=10)
N_L: 5 N_T: 10
plot_press_vs_invT(L_min_AgI, L_max_AgI, inv_T_arr_AgI, press_AgI, vert_line_at=2.0)
alat_AgI_NVT_heat = 5.37 # angstrom
L_min_AgI_NVT_heat = 2
L_max_AgI_NVT_heat = 6
T_min_AgI_NVT_heat = 500
T_max_AgI_NVT_heat = 900
T_step_AgI_NVT_heat = 50
trueTemp_AgI_NVT_heat = temperature(L_min_AgI_NVT_heat, L_max_AgI_NVT_heat, T_min_AgI_NVT_heat, T_max_AgI_NVT_heat, T_step_AgI_NVT_heat, dirname="./alpha-AgI/NVT_L_T_5.37ang_heat/", nve_file="nvt_log", SKIP=10)
inv_T_arr_AgI_NVT_heat = 1./trueTemp_AgI_NVT_heat
Temp_AgI_NVT_heat = np.arange(T_min_AgI_NVT_heat, T_max_AgI_NVT_heat + T_step_AgI_NVT_heat, T_step_AgI_NVT_heat)
N_L: 5 N_T: 9
kappa_HC_AgI_NVT = compute_thermkappa_cepstral(L_min_AgI_NVT_heat,
L_max_AgI_NVT_heat,
T_min_AgI_NVT_heat,
T_max_AgI_NVT_heat,
T_step_AgI_NVT_heat,
"./alpha-AgI/NVT_L_T_5.37ang_heat/",
file="nvt_log",
use_target_T=True,
resh=[24,12500],
fstar=32.0,
AIC_corr=1.0)
0 500 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/2x2x2/T_500_K/nvt_log dt = 7.999999999981355 alat = 1.074e-09 TEMPERATURE = 498.2933918453816 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.01097 min(PSD) (post-filter&sample) = 0.03135 % of original PSD Power f<f* (pre-filter&sample) = 99.994 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 24 (P* = 25, corr_factor = 1.000000) L_0* = 8.613697 +/- 0.026396 S_0* = 5754.886943 +/- 151.908769 ----------------------------------------------------- kappa* = 0.173924 +/- 0.004591 W/m/K ----------------------------------------------------- 1 550 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/2x2x2/T_550_K/nvt_log dt = 7.999999999981355 alat = 1.074e-09 TEMPERATURE = 548.4113921504785 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.01321 min(PSD) (post-filter&sample) = 0.03796 % of original PSD Power f<f* (pre-filter&sample) = 99.994 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 25 (P* = 26, corr_factor = 1.000000) L_0* = 8.830168 +/- 0.026930 S_0* = 7145.769564 +/- 192.434131 ----------------------------------------------------- kappa* = 0.178291 +/- 0.004801 W/m/K ----------------------------------------------------- 2 600 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/2x2x2/T_600_K/nvt_log dt = 7.999999999981355 alat = 1.074e-09 TEMPERATURE = 598.2726712295877 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.02051 min(PSD) (post-filter&sample) = 0.07901 % of original PSD Power f<f* (pre-filter&sample) = 99.992 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 26 (P* = 27, corr_factor = 1.000000) L_0* = 9.023433 +/- 0.027453 S_0* = 8669.282938 +/- 237.995705 ----------------------------------------------------- kappa* = 0.181752 +/- 0.004990 W/m/K ----------------------------------------------------- 3 650 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/2x2x2/T_650_K/nvt_log dt = 7.999999999981355 alat = 1.074e-09 TEMPERATURE = 648.090043394366 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.01881 min(PSD) (post-filter&sample) = 0.05950 % of original PSD Power f<f* (pre-filter&sample) = 99.994 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 19 (P* = 20, corr_factor = 1.000000) L_0* = 9.176679 +/- 0.023549 S_0* = 10105.013386 +/- 237.967257 ----------------------------------------------------- kappa* = 0.180535 +/- 0.004251 W/m/K ----------------------------------------------------- 4 700 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/2x2x2/T_700_K/nvt_log dt = 7.999999999981355 alat = 1.074e-09 TEMPERATURE = 697.504647604324 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.02834 min(PSD) (post-filter&sample) = 0.07786 % of original PSD Power f<f* (pre-filter&sample) = 99.993 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 18 (P* = 19, corr_factor = 1.000000) L_0* = 9.275112 +/- 0.022938 S_0* = 11150.284315 +/- 255.761288 ----------------------------------------------------- kappa* = 0.171983 +/- 0.003945 W/m/K ----------------------------------------------------- 5 750 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/2x2x2/T_750_K/nvt_log dt = 7.999999999981355 alat = 1.074e-09 TEMPERATURE = 747.6795994549054 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.03214 min(PSD) (post-filter&sample) = 0.09491 % of original PSD Power f<f* (pre-filter&sample) = 99.992 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 23 (P* = 24, corr_factor = 1.000000) L_0* = 9.487898 +/- 0.025852 S_0* = 13794.229658 +/- 356.610715 ----------------------------------------------------- kappa* = 0.185166 +/- 0.004787 W/m/K ----------------------------------------------------- 6 800 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/2x2x2/T_800_K/nvt_log
dt = 7.999999999981355 alat = 1.074e-09 TEMPERATURE = 797.7244236939631 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.04381 min(PSD) (post-filter&sample) = 0.13745 % of original PSD Power f<f* (pre-filter&sample) = 99.991 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 16 (P* = 17, corr_factor = 1.000000) L_0* = 9.521796 +/- 0.021662 S_0* = 14269.850562 +/- 309.118077 ----------------------------------------------------- kappa* = 0.168270 +/- 0.003645 W/m/K ----------------------------------------------------- 7 850 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/2x2x2/T_850_K/nvt_log dt = 7.999999999981355 alat = 1.074e-09 TEMPERATURE = 847.1314051331487 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.03324 min(PSD) (post-filter&sample) = 0.11224 % of original PSD Power f<f* (pre-filter&sample) = 99.993 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 16 (P* = 17, corr_factor = 1.000000) L_0* = 9.705276 +/- 0.021662 S_0* = 17143.665938 +/- 371.371586 ----------------------------------------------------- kappa* = 0.179265 +/- 0.003883 W/m/K ----------------------------------------------------- 8 900 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/2x2x2/T_900_K/nvt_log dt = 7.999999999981355 alat = 1.074e-09 TEMPERATURE = 896.9977980333197 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.04008 min(PSD) (post-filter&sample) = 0.12806 % of original PSD Power f<f* (pre-filter&sample) = 99.992 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 17 (P* = 18, corr_factor = 1.000000) L_0* = 9.819685 +/- 0.022309 S_0* = 19221.662376 +/- 428.817968 ----------------------------------------------------- kappa* = 0.179268 +/- 0.003999 W/m/K ----------------------------------------------------- 0 500 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/3x3x3/T_500_K/nvt_log dt = 7.999999999981355 alat = 1.611e-09 TEMPERATURE = 499.9072768389316 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.03112 min(PSD) (post-filter&sample) = 0.10097 % of original PSD Power f<f* (pre-filter&sample) = 99.996 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 18 (P* = 19, corr_factor = 1.000000) L_0* = 9.928107 +/- 0.022938 S_0* = 21422.884732 +/- 491.390573 ----------------------------------------------------- kappa* = 0.190598 +/- 0.004372 W/m/K ----------------------------------------------------- 1 550 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/3x3x3/T_550_K/nvt_log dt = 7.999999999981355 alat = 1.611e-09 TEMPERATURE = 549.8669956943431 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.05839 min(PSD) (post-filter&sample) = 0.24179 % of original PSD Power f<f* (pre-filter&sample) = 99.994 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 18 (P* = 19, corr_factor = 1.000000) L_0* = 10.183733 +/- 0.022938 S_0* = 27662.730454 +/- 634.517953 ----------------------------------------------------- kappa* = 0.203423 +/- 0.004666 W/m/K ----------------------------------------------------- 2 600 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/3x3x3/T_600_K/nvt_log dt = 7.999999999981355 alat = 1.611e-09 TEMPERATURE = 599.8046185192148 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.05065 min(PSD) (post-filter&sample) = 0.17149 % of original PSD Power f<f* (pre-filter&sample) = 99.995 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 17 (P* = 18, corr_factor = 1.000000) L_0* = 10.300023 +/- 0.022309 S_0* = 31074.117196 +/- 693.235555 ----------------------------------------------------- kappa* = 0.192043 +/- 0.004284 W/m/K ----------------------------------------------------- 3 650 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/3x3x3/T_650_K/nvt_log dt = 7.999999999981355 alat = 1.611e-09 TEMPERATURE = 649.7305511449886 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.04276 min(PSD) (post-filter&sample) = 0.12516 % of original PSD Power f<f* (pre-filter&sample) = 99.996 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 15 (P* = 16, corr_factor = 1.000000) L_0* = 10.517882 +/- 0.020996 S_0* = 38637.936062 +/- 811.227704 ----------------------------------------------------- kappa* = 0.203502 +/- 0.004273 W/m/K ----------------------------------------------------- 4 700 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/3x3x3/T_700_K/nvt_log
dt = 7.999999999981355 alat = 1.611e-09 TEMPERATURE = 699.6824887384125 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.05228 min(PSD) (post-filter&sample) = 0.14031 % of original PSD Power f<f* (pre-filter&sample) = 99.996 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 16 (P* = 17, corr_factor = 1.000000) L_0* = 10.643982 +/- 0.021662 S_0* = 43830.690337 +/- 949.474463 ----------------------------------------------------- kappa* = 0.199066 +/- 0.004312 W/m/K ----------------------------------------------------- 5 750 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/3x3x3/T_750_K/nvt_log dt = 7.999999999981355 alat = 1.611e-09 TEMPERATURE = 749.7986191127089 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.05459 min(PSD) (post-filter&sample) = 0.18615 % of original PSD Power f<f* (pre-filter&sample) = 99.996 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 16 (P* = 17, corr_factor = 1.000000) L_0* = 10.780972 +/- 0.021662 S_0* = 50265.805196 +/- 1088.873983 ----------------------------------------------------- kappa* = 0.198794 +/- 0.004306 W/m/K ----------------------------------------------------- 6 800 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/3x3x3/T_800_K/nvt_log dt = 7.999999999981355 alat = 1.611e-09 TEMPERATURE = 799.7736473869262 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.09557 min(PSD) (post-filter&sample) = 0.28786 % of original PSD Power f<f* (pre-filter&sample) = 99.995 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 13 (P* = 14, corr_factor = 1.000000) L_0* = 10.946957 +/- 0.019594 S_0* = 59341.537914 +/- 1162.756262 ----------------------------------------------------- kappa* = 0.206274 +/- 0.004042 W/m/K ----------------------------------------------------- 7 850 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/3x3x3/T_850_K/nvt_log dt = 7.999999999981355 alat = 1.611e-09 TEMPERATURE = 849.7911085441144 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.08693 min(PSD) (post-filter&sample) = 0.31698 % of original PSD Power f<f* (pre-filter&sample) = 99.995 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 17 (P* = 18, corr_factor = 1.000000) L_0* = 11.069690 +/- 0.022309 S_0* = 67090.532120 +/- 1496.729319 ----------------------------------------------------- kappa* = 0.206565 +/- 0.004608 W/m/K ----------------------------------------------------- 8 900 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/3x3x3/T_900_K/nvt_log dt = 7.999999999981355 alat = 1.611e-09 TEMPERATURE = 899.634696075639 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.19480 min(PSD) (post-filter&sample) = 0.69136 % of original PSD Power f<f* (pre-filter&sample) = 99.992 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 14 (P* = 15, corr_factor = 1.000000) L_0* = 11.187297 +/- 0.020307 S_0* = 75463.529860 +/- 1532.442268 ----------------------------------------------------- kappa* = 0.207312 +/- 0.004210 W/m/K ----------------------------------------------------- 0 500 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/4x4x4/T_500_K/nvt_log dt = 7.999999999981355 alat = 2.148e-09 TEMPERATURE = 500.0932755498446 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.11691 min(PSD) (post-filter&sample) = 0.53231 % of original PSD Power f<f* (pre-filter&sample) = 99.994 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 19 (P* = 20, corr_factor = 1.000000) L_0* = 10.817653 +/- 0.023549 S_0* = 52143.838702 +/- 1227.957428 ----------------------------------------------------- kappa* = 0.195571 +/- 0.004606 W/m/K ----------------------------------------------------- 1 550 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/4x4x4/T_550_K/nvt_log dt = 7.999999999981355 alat = 2.148e-09 TEMPERATURE = 550.1159405870942 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.10480 min(PSD) (post-filter&sample) = 0.31664 % of original PSD Power f<f* (pre-filter&sample) = 99.996 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 19 (P* = 20, corr_factor = 1.000000) L_0* = 11.058225 +/- 0.023549 S_0* = 66325.740740 +/- 1561.933069 ----------------------------------------------------- kappa* = 0.205579 +/- 0.004841 W/m/K ----------------------------------------------------- 2 600 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/4x4x4/T_600_K/nvt_log
dt = 7.999999999981355 alat = 2.148e-09 TEMPERATURE = 600.1048638010619 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.13908 min(PSD) (post-filter&sample) = 0.54115 % of original PSD Power f<f* (pre-filter&sample) = 99.995 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 17 (P* = 18, corr_factor = 1.000000) L_0* = 11.248461 +/- 0.022309 S_0* = 80223.251471 +/- 1789.708455 ----------------------------------------------------- kappa* = 0.208954 +/- 0.004662 W/m/K ----------------------------------------------------- 3 650 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/4x4x4/T_650_K/nvt_log dt = 7.999999999981355 alat = 2.148e-09 TEMPERATURE = 650.1332120479796 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.11524 min(PSD) (post-filter&sample) = 0.47605 % of original PSD Power f<f* (pre-filter&sample) = 99.996 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 16 (P* = 17, corr_factor = 1.000000) L_0* = 11.409667 +/- 0.021662 S_0* = 94256.457694 +/- 2041.813597 ----------------------------------------------------- kappa* = 0.209175 +/- 0.004531 W/m/K ----------------------------------------------------- 4 700 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/4x4x4/T_700_K/nvt_log dt = 7.999999999981355 alat = 2.148e-09 TEMPERATURE = 700.1872849778503 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.14719 min(PSD) (post-filter&sample) = 0.66700 % of original PSD Power f<f* (pre-filter&sample) = 99.996 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 17 (P* = 18, corr_factor = 1.000000) L_0* = 11.535989 +/- 0.022309 S_0* = 106947.870859 +/- 2385.910633 ----------------------------------------------------- kappa* = 0.204620 +/- 0.004565 W/m/K ----------------------------------------------------- 5 750 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/4x4x4/T_750_K/nvt_log dt = 7.999999999981355 alat = 2.148e-09 TEMPERATURE = 750.146060604494 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.11932 min(PSD) (post-filter&sample) = 0.42104 % of original PSD Power f<f* (pre-filter&sample) = 99.997 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 17 (P* = 18, corr_factor = 1.000000) L_0* = 11.678822 +/- 0.022309 S_0* = 123368.343084 +/- 2752.236572 ----------------------------------------------------- kappa* = 0.205644 +/- 0.004588 W/m/K ----------------------------------------------------- 6 800 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/4x4x4/T_800_K/nvt_log dt = 7.999999999981355 alat = 2.148e-09 TEMPERATURE = 800.1838708724913 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.23853 min(PSD) (post-filter&sample) = 0.86738 % of original PSD Power f<f* (pre-filter&sample) = 99.995 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 17 (P* = 18, corr_factor = 1.000000) L_0* = 11.849853 +/- 0.022309 S_0* = 146379.987735 +/- 3265.605630 ----------------------------------------------------- kappa* = 0.214440 +/- 0.004784 W/m/K ----------------------------------------------------- 7 850 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/4x4x4/T_850_K/nvt_log dt = 7.999999999981355 alat = 2.148e-09 TEMPERATURE = 850.1622282846172 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.26069 min(PSD) (post-filter&sample) = 0.95165 % of original PSD Power f<f* (pre-filter&sample) = 99.995 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 13 (P* = 14, corr_factor = 1.000000) L_0* = 11.937208 +/- 0.019594 S_0* = 159742.143055 +/- 3130.036457 ----------------------------------------------------- kappa* = 0.207310 +/- 0.004062 W/m/K ----------------------------------------------------- 8 900 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/4x4x4/T_900_K/nvt_log dt = 7.999999999981355 alat = 2.148e-09 TEMPERATURE = 900.2045917182827 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.17816 min(PSD) (post-filter&sample) = 0.76865 % of original PSD Power f<f* (pre-filter&sample) = 99.996 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 16 (P* = 17, corr_factor = 1.000000) L_0* = 12.062099 +/- 0.021662 S_0* = 180991.830962 +/- 3920.703053 ----------------------------------------------------- kappa* = 0.209498 +/- 0.004538 W/m/K ----------------------------------------------------- 0 500 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/5x5x5/T_500_K/nvt_log
dt = 7.999999999981355 alat = 2.685e-09 TEMPERATURE = 499.8719992221078 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.16156 min(PSD) (post-filter&sample) = 0.58508 % of original PSD Power f<f* (pre-filter&sample) = 99.996 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 18 (P* = 19, corr_factor = 1.000000) L_0* = 11.505857 +/- 0.022938 S_0* = 103773.422273 +/- 2380.318153 ----------------------------------------------------- kappa* = 0.199454 +/- 0.004575 W/m/K ----------------------------------------------------- 1 550 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/5x5x5/T_550_K/nvt_log dt = 7.999999999981355 alat = 2.685e-09 TEMPERATURE = 549.8503249692503 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.30529 min(PSD) (post-filter&sample) = 1.19664 % of original PSD Power f<f* (pre-filter&sample) = 99.994 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 17 (P* = 18, corr_factor = 1.000000) L_0* = 11.728199 +/- 0.022309 S_0* = 129612.800981 +/- 2891.544801 ----------------------------------------------------- kappa* = 0.205889 +/- 0.004593 W/m/K ----------------------------------------------------- 2 600 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/5x5x5/T_600_K/nvt_log dt = 7.999999999981355 alat = 2.685e-09 TEMPERATURE = 599.8588943366567 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.13873 min(PSD) (post-filter&sample) = 0.59200 % of original PSD Power f<f* (pre-filter&sample) = 99.997 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 17 (P* = 18, corr_factor = 1.000000) L_0* = 11.919122 +/- 0.022309 S_0* = 156878.953531 +/- 3499.828096 ----------------------------------------------------- kappa* = 0.209383 +/- 0.004671 W/m/K ----------------------------------------------------- 3 650 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/5x5x5/T_650_K/nvt_log dt = 7.999999999981355 alat = 2.685e-09 TEMPERATURE = 649.8501171775282 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.21162 min(PSD) (post-filter&sample) = 0.81967 % of original PSD Power f<f* (pre-filter&sample) = 99.996 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 36 (P* = 37, corr_factor = 1.000000) L_0* = 12.134704 +/- 0.032219 S_0* = 194621.585242 +/- 6270.475036 ----------------------------------------------------- kappa* = 0.221329 +/- 0.007131 W/m/K ----------------------------------------------------- 4 700 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/5x5x5/T_700_K/nvt_log dt = 7.999999999981355 alat = 2.685e-09 TEMPERATURE = 699.8078689584105 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.25336 min(PSD) (post-filter&sample) = 0.90229 % of original PSD Power f<f* (pre-filter&sample) = 99.997 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 17 (P* = 18, corr_factor = 1.000000) L_0* = 12.201687 +/- 0.022309 S_0* = 208104.443060 +/- 4642.622611 ----------------------------------------------------- kappa* = 0.204079 +/- 0.004553 W/m/K ----------------------------------------------------- 5 750 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/5x5x5/T_750_K/nvt_log dt = 7.999999999981355 alat = 2.685e-09 TEMPERATURE = 749.8228666604333 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.34217 min(PSD) (post-filter&sample) = 1.39349 % of original PSD Power f<f* (pre-filter&sample) = 99.996 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 18 (P* = 19, corr_factor = 1.000000) L_0* = 12.342259 +/- 0.022938 S_0* = 239514.040754 +/- 5493.888577 ----------------------------------------------------- kappa* = 0.204592 +/- 0.004693 W/m/K ----------------------------------------------------- 6 800 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/5x5x5/T_800_K/nvt_log dt = 7.999999999981355 alat = 2.685e-09 TEMPERATURE = 799.7836079324206 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.46934 min(PSD) (post-filter&sample) = 1.62178 % of original PSD Power f<f* (pre-filter&sample) = 99.996 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 18 (P* = 19, corr_factor = 1.000000) L_0* = 12.498548 +/- 0.022938 S_0* = 280031.208457 +/- 6423.257077 ----------------------------------------------------- kappa* = 0.210250 +/- 0.004823 W/m/K ----------------------------------------------------- 7 850 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/5x5x5/T_850_K/nvt_log
dt = 7.999999999981355 alat = 2.685e-09 TEMPERATURE = 849.787490184098 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.47267 min(PSD) (post-filter&sample) = 1.98486 % of original PSD Power f<f* (pre-filter&sample) = 99.996 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 16 (P* = 17, corr_factor = 1.000000) L_0* = 12.613671 +/- 0.021662 S_0* = 314198.146057 +/- 6806.260945 ----------------------------------------------------- kappa* = 0.208957 +/- 0.004526 W/m/K ----------------------------------------------------- 8 900 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/5x5x5/T_900_K/nvt_log dt = 7.999999999981355 alat = 2.685e-09 TEMPERATURE = 899.7750875394246 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.45101 min(PSD) (post-filter&sample) = 1.48936 % of original PSD Power f<f* (pre-filter&sample) = 99.996 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 16 (P* = 17, corr_factor = 1.000000) L_0* = 12.774353 +/- 0.021662 S_0* = 368966.482133 +/- 7992.670196 ----------------------------------------------------- kappa* = 0.218873 +/- 0.004741 W/m/K ----------------------------------------------------- 0 500 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/6x6x6/T_500_K/nvt_log dt = 7.999999999981355 alat = 3.222e-09 TEMPERATURE = 499.73537305516953 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.26305 min(PSD) (post-filter&sample) = 1.03268 % of original PSD Power f<f* (pre-filter&sample) = 99.996 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 17 (P* = 18, corr_factor = 1.000000) L_0* = 12.123592 +/- 0.022309 S_0* = 192470.897793 +/- 4293.852302 ----------------------------------------------------- kappa* = 0.214198 +/- 0.004779 W/m/K ----------------------------------------------------- 1 550 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/6x6x6/T_550_K/nvt_log dt = 7.999999999981355 alat = 3.222e-09 TEMPERATURE = 549.7026173625263 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.37358 min(PSD) (post-filter&sample) = 1.59794 % of original PSD Power f<f* (pre-filter&sample) = 99.996 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 17 (P* = 18, corr_factor = 1.000000) L_0* = 12.292747 +/- 0.022309 S_0* = 227944.003352 +/- 5085.225324 ----------------------------------------------------- kappa* = 0.209654 +/- 0.004677 W/m/K ----------------------------------------------------- 2 600 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/6x6x6/T_600_K/nvt_log dt = 7.999999999981355 alat = 3.222e-09 TEMPERATURE = 599.6785478461214 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.36919 min(PSD) (post-filter&sample) = 1.59395 % of original PSD Power f<f* (pre-filter&sample) = 99.996 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 17 (P* = 18, corr_factor = 1.000000) L_0* = 12.450922 +/- 0.022309 S_0* = 267006.885760 +/- 5956.683033 ----------------------------------------------------- kappa* = 0.206355 +/- 0.004604 W/m/K ----------------------------------------------------- 3 650 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/6x6x6/T_650_K/nvt_log dt = 7.999999999981355 alat = 3.222e-09 TEMPERATURE = 649.6560067645322 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.33006 min(PSD) (post-filter&sample) = 1.12019 % of original PSD Power f<f* (pre-filter&sample) = 99.997 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 16 (P* = 17, corr_factor = 1.000000) L_0* = 12.639455 +/- 0.021662 S_0* = 322404.691376 +/- 6984.033761 ----------------------------------------------------- kappa* = 0.212307 +/- 0.004599 W/m/K ----------------------------------------------------- 4 700 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/6x6x6/T_700_K/nvt_log dt = 7.999999999981355 alat = 3.222e-09 TEMPERATURE = 699.6408545423546 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.59545 min(PSD) (post-filter&sample) = 2.33552 % of original PSD Power f<f* (pre-filter&sample) = 99.996 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 17 (P* = 18, corr_factor = 1.000000) L_0* = 12.733061 +/- 0.022309 S_0* = 354041.448471 +/- 7898.345704 ----------------------------------------------------- kappa* = 0.201018 +/- 0.004485 W/m/K ----------------------------------------------------- 5 750 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/6x6x6/T_750_K/nvt_log
dt = 7.999999999981355 alat = 3.222e-09 TEMPERATURE = 749.6002512019879 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.72545 min(PSD) (post-filter&sample) = 2.58340 % of original PSD Power f<f* (pre-filter&sample) = 99.996 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 18 (P* = 19, corr_factor = 1.000000) L_0* = 12.907238 +/- 0.022938 S_0* = 421403.458610 +/- 9666.003881 ----------------------------------------------------- kappa* = 0.208434 +/- 0.004781 W/m/K ----------------------------------------------------- 6 800 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/6x6x6/T_800_K/nvt_log dt = 7.999999999981355 alat = 3.222e-09 TEMPERATURE = 799.5852769516305 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.52132 min(PSD) (post-filter&sample) = 1.99739 % of original PSD Power f<f* (pre-filter&sample) = 99.997 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 16 (P* = 17, corr_factor = 1.000000) L_0* = 13.025094 +/- 0.021662 S_0* = 474113.236695 +/- 10270.392894 ----------------------------------------------------- kappa* = 0.206102 +/- 0.004465 W/m/K ----------------------------------------------------- 7 850 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/6x6x6/T_850_K/nvt_log dt = 7.999999999981355 alat = 3.222e-09 TEMPERATURE = 849.5494516939832 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 0.56890 min(PSD) (post-filter&sample) = 1.76684 % of original PSD Power f<f* (pre-filter&sample) = 99.997 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 16 (P* = 17, corr_factor = 1.000000) L_0* = 13.207704 +/- 0.021662 S_0* = 569100.018088 +/- 12328.026998 ----------------------------------------------------- kappa* = 0.219150 +/- 0.004747 W/m/K ----------------------------------------------------- 8 900 analysing file: ./alpha-AgI/NVT_L_T_5.37ang_heat/6x6x6/T_900_K/nvt_log dt = 7.999999999981355 alat = 3.222e-09 TEMPERATURE = 899.5460951424486 Reshaping to [24, 12500] Using multicomponent code. resampling... Using multicomponent code. ----------------------------------------------------- RESAMPLE TIME SERIES ----------------------------------------------------- Original Nyquist freq f_Ny = 62.50000 THz Resampling freq f* = 31.25000 THz Sampling time TSKIP = 2 steps = 16.000 fs Original n. of frequencies = 6251 Resampled n. of frequencies = 3126 min(PSD) (pre-filter&sample) = 1.07976 min(PSD) (post-filter&sample) = 4.28176 % of original PSD Power f<f* (pre-filter&sample) = 99.995 % fPSD not calculated before resampling ----------------------------------------------------- ----------------------------------------------------- CEPSTRAL ANALYSIS ----------------------------------------------------- AIC_Kmin = 20 (P* = 21, corr_factor = 1.000000) L_0* = 13.246354 +/- 0.024146 S_0* = 591526.808748 +/- 14282.833319 ----------------------------------------------------- kappa* = 0.203169 +/- 0.004906 W/m/K -----------------------------------------------------
plot_kappa_vs_T(L_min_AgI_NVT_heat, L_max_AgI_NVT_heat, Temp_AgI_NVT_heat, kappa_HC_AgI_NVT)
#plt.yscale('log')
#plt.xscale('log')
#plot_kappa_vs_T(L_min_AgI_NVE_heat, L_max_AgI_NVE_heat, temp_AgI_NVE_heat, kappa_HC_AgI_NVE)
mycolor = cm.get_cmap('Dark2')
myalpha = 0.3
def C_V_subplots(L_min_list, L_max_list, Temp_list, C_V_list, C_V_filt_list, NFU_list, Materials_list):
N_plots = len(L_min_list)
if (N_plots != len(L_max_list)):
sys.exit(1)
fig, ax = plt.subplots(1, N_plots, figsize=(13, 3), constrained_layout=True)
ax = ax.ravel()
marker = ['o','s','v','D','p','>']
myoffset = 0
for ip in range(N_plots):
if ip==3:
myoffset=4
for iL, L in enumerate(np.arange(L_min_list[ip], L_max_list[ip] + 1)):
#color = next(ax[ip]._get_lines.prop_cycler)['color']
ax[ip].fill_between(Temp_list[ip][:],
C_V_list[ip][iL,:,0] - C_V_list[ip][iL,:,1],
C_V_list[ip][iL,:,0] + C_V_list[ip][iL,:,1],
alpha=myalpha,
color=mycolor(myoffset+iL))
ax[ip].plot(Temp_list[ip][:],
C_V_list[ip][iL,:,0],
ls='none',
marker=marker[iL], markersize=3,
color=mycolor(myoffset+iL),
label="$N=$"+str(L**3*NFU_list[ip]))
ax[ip].plot(Temp_list[ip][:],
C_V_filt_list[ip][iL,:],
'-', color=mycolor(myoffset+iL))
ax[ip].set_xlabel("$T$ [K]")
ax[ip].set_ylim(50,125)
ax[ip].set_title(Materials_list[ip])
ax[ip].tick_params(which='both', direction='in')
if ip>0 and NFU_list[ip]==12 :
ax[ip].yaxis.set_ticklabels([])
if NFU_list[ip]==4:
ax[ip].set_ylim(38,54)
# ax[ip].legend()
# ax[ip].grid(ls='dashed')
ax[0].set_ylabel("$c_V$ [J K$^{-1}$ mol$^{-1}$]")
ax[0].legend(frameon=False, fontsize=11, handletextpad=0.1, markerscale=1.2)
ax[-1].legend(frameon=False, fontsize=11, handletextpad=0.1, markerscale=1.2)
#plt.subplots_adjust(wspace=0.12, hspace=0)
C_V_subplots([L_min_PbF2, L_min_CaF2, L_min_UO2, L_min_AgI],
[L_max_PbF2, L_max_CaF2, L_max_UO2, L_max_AgI],
[Temp_PbF2, Temp_CaF2, Temp_UO2, Temp_AgI],
[C_V_PbF2_grad, C_V_CaF2_grad, C_V_UO2_grad, C_V_AgI_grad],
[C_V_PbF2_grad_filt_Delta, C_V_CaF2_grad_filt_Delta, C_V_UO2_grad_filt_Delta, C_V_AgI_grad_filt_Delta],
[12, 12, 12, 4],
["PbF$_2$", "CaF$_2$", "UO$_2$", "$\\alpha$-AgI"])
plt.savefig("c_V.pdf", format="pdf", bbox_inches = 'tight')
T_c_PbF2 = [950., 850., 800.]
T_c_CaF2 = [1650., 1500., 1450.]
T_c_UO2 = [3350, 2900, 2800.]
T_c_AgI = [-1, -1, -1, -1, -1]
def D_fit_subplots(L_min_list, L_max_list, Temp_list, T_c_list, D_list, indexTc_list, startT_list, delta_list, NFU_list, Materials_list):
N_plots = len(L_min_list)
if (N_plots != len(L_max_list)):
sys.exit(1)
fig, ax = plt.subplots(1, N_plots, figsize=(13, 2.8), constrained_layout=True)
ax = ax.ravel()
marker = ['o','s','v','D','p','>']
myoffset = 0
for ip in range(N_plots):
if ip==3:
myoffset=4
for iL, L in enumerate(np.arange(L_min_list[ip], L_max_list[ip] + 1)):
if T_c_list[ip][iL] > 0:
ax[ip].axvline(x=1000./T_c_list[ip][iL], color=mycolor(myoffset+iL), linestyle=':', linewidth=1)
if indexTc_list[ip][iL] > 0:
iTc = indexTc_list[ip][iL]
iTM = iTc+delta_list[ip]
popt_lowT, pcov_lowT = curve_fit(expD,
Temp_list[ip][startT_list[ip]:iTM],
D_list[ip][iL, startT_list[ip]:iTM, 0],
sigma=D_list[ip][iL, startT_list[ip]:iTM, 1])
popt_higT, pcov_higT = curve_fit(expD,
Temp_list[ip][iTc:],
D_list[ip][iL, iTc:, 0],
sigma=D_list[ip][iL, iTc:, 1])
perr_lowT = np.sqrt(np.diag(pcov_lowT))
perr_higT = np.sqrt(np.diag(pcov_higT))
#color = next(ax[ip]._get_lines.prop_cycler)['color']
ax[ip].set_yscale("log")
ax[ip].fill_between(1/Temp_list[ip][startT_list[ip]:]*1000.,
D_list[ip][iL,startT_list[ip]:,0] - D_list[ip][iL,startT_list[ip]:,1],
D_list[ip][iL,startT_list[ip]:,0] + D_list[ip][iL,startT_list[ip]:,1],
alpha=myalpha, color=mycolor(myoffset+iL))
#label="$N=$"+str(L**3*NFU_list[ip]))
ax[ip].plot(1/Temp_list[ip][startT_list[ip]:]*1000., D_list[ip][iL,startT_list[ip]:,0], marker=marker[iL], markersize=2, ls='none', color=mycolor(myoffset+iL), label="$N=$"+str(L**3*NFU_list[ip]))
ax[ip].plot(1/Temp_list[ip][startT_list[ip]:iTM]*1000., expD(Temp_list[ip][startT_list[ip]:iTM], *popt_lowT), '--', color=mycolor(myoffset+iL))#, label="N="+str(L**3*NFU_list[ip])+", $E_a^<$ = "+str(int(popt_lowT[1]))+"$\pm$"+str(int(perr_lowT[1]))+" meV")
ax[ip].plot(1/Temp_list[ip][iTc:]*1000., expD(Temp_list[ip][iTc:], *popt_higT), '-', color=mycolor(myoffset+iL))#, label="N="+str(L**3*NFU_list[ip])+", $E_a^>$ = "+str(int(popt_higT[1]))+"$\pm$"+str(int(perr_higT[1]))+" meV")
else:
popt, pcov = curve_fit(expD, Temp_list[ip][startT_list[ip]:], D_list[ip][iL, startT_list[ip]:, 0], sigma=D_list[ip][iL, startT_list[ip]:, 1])
perr = np.sqrt(np.diag(pcov))
#color = next(ax[ip]._get_lines.prop_cycler)['color']
ax[ip].set_yscale("log")
ax[ip].fill_between(1/Temp_list[ip][startT_list[ip]:]*1000.,
D_list[ip][iL,startT_list[ip]:,0] - D_list[ip][iL,startT_list[ip]:,1],
D_list[ip][iL,startT_list[ip]:,0] + D_list[ip][iL,startT_list[ip]:,1],
alpha=myalpha, color=mycolor(myoffset+iL))#, label="$N=$"+str(L**3*NFU_list[ip]))
ax[ip].plot(1/Temp_list[ip][startT_list[ip]:]*1000., D_list[ip][iL,startT_list[ip]:,0], marker=marker[iL], markersize=2, ls='none', color=mycolor(myoffset+iL), label="$N=$"+str(L**3*NFU_list[ip]))
ax[ip].plot(1/Temp_list[ip][startT_list[ip]:]*1000., expD(Temp_list[ip][startT_list[ip]:], *popt), '--', color=mycolor(myoffset+iL))#, label="N="+str(L**3*NFU_list[ip])+", $E_a^<$ = "+str(int(popt[1]))+"$\pm$"+str(int(perr[1]))+" meV")
#ax[ip].grid(ls='dashed')
ax[ip].set_ylim(3e-5,1.5)
ax[ip].tick_params(which='both', direction='in')
if ip>0 and NFU_list[ip]==12 :
ax[ip].yaxis.set_ticklabels([])
if NFU_list[ip]==4:
ax[ip].set_ylim(0.08,1.2)
ax[ip].set_xlabel("$10^3 / T$ [K$^{-1}$]")
ax[ip].set_title(Materials_list[ip])
ax[0].set_ylabel("$D$ [$\AA^2$ ps$^{-1}$]")
ax[0].legend(frameon=False, loc='lower left', fontsize=11, handletextpad=0.2, markerscale=1.2)
ax[-1].legend(frameon=False, fontsize=11, handletextpad=0.2, markerscale=1.2)
#plt.subplots_adjust(wspace=0.10, hspace=0)
#fig.tight_layout()
D_fit_subplots([L_min_PbF2, L_min_CaF2, L_min_UO2, L_min_AgI],
[L_max_PbF2, L_max_CaF2, L_max_UO2, L_max_AgI],
[Temp_PbF2, Temp_CaF2, Temp_UO2, Temp_AgI],
[T_c_PbF2, T_c_CaF2, T_c_UO2, T_c_AgI],
[D_LAB_PbF2, D_LAB_CaF2, D_LAB_UO2, D_LAB_AgI],
[indexTc_PbF2, indexTc_CaF2, indexTc_UO2, indexTc_AgI],
[startT_PbF2, startT_CaF2, startT_UO2, startT_AgI],
[delta_PbF2, delta_CaF2, delta_UO2, delta_AgI],
[12,12,12,4],
["PbF$_2$", "CaF$_2$", "UO$_2$", "$\\alpha$-AgI"])
plt.savefig("D_fit.pdf", format="pdf", bbox_inches = 'tight')
def kappa_subplots(L_min_list, L_max_list, Temp_list, T_c_list, kappa_list, NFU_list, Materials_list):
N_plots = len(L_min_list)
if (N_plots != len(L_max_list)):
sys.exit(1)
fig, ax = plt.subplots(1, N_plots, figsize=(13, 3), constrained_layout=True)
ax = ax.ravel()
marker = ['o','s','v','D','p','>']
myoffset=0
for ip in range(N_plots):
if ip==3:
myoffset=4
for iL, L in enumerate(np.arange(L_min_list[ip], L_max_list[ip] + 1)):
if T_c_list[ip][iL] > 0:
ax[ip].axvline(x=T_c_list[ip][iL], color=mycolor(myoffset+iL), linestyle=':', linewidth=1)
#color = next(ax[ip]._get_lines.prop_cycler)['color']
ax[ip].fill_between(Temp_list[ip][:],
(kappa_list[ip][iL,:,0] - kappa_list[ip][iL,:,1]),
(kappa_list[ip][iL,:,0] + kappa_list[ip][iL,:,1]),
alpha=myalpha, color=mycolor(iL+myoffset))
ax[ip].plot(Temp_list[ip][:],
(kappa_list[ip][iL,:,0]),
ls='none',
marker=marker[iL], markersize=3,
color=mycolor(iL+myoffset),
label="$N=$"+str(L**3*NFU_list[ip]))
# ax[ip].plot(Temp_list[ip][:],
# eta_filt_list[ip][iL,:],
# '-', color=color)
ax[ip].set_xlabel("$T$ [K]")
ax[ip].set_title(Materials_list[ip])
ax[ip].set_ylim(0.00,2.0)
deltaT_tmp = ( max(Temp_list[ip]) - min(Temp_list[ip]) ) / (len(Temp_list[ip]) - 1)
if ip==0:
ax[ip].set_xticks(np.arange(min(Temp_list[ip])+deltaT_tmp, max(Temp_list[ip])+deltaT_tmp, step=4*deltaT_tmp))
elif ip==1:
ax[ip].set_xticks(np.arange(min(Temp_list[ip])+deltaT_tmp, max(Temp_list[ip])+deltaT_tmp, step=4*deltaT_tmp))
elif ip==2:
ax[ip].set_xticks(np.arange(min(Temp_list[ip])+deltaT_tmp, max(Temp_list[ip])+deltaT_tmp, step=8*deltaT_tmp))
elif ip==3:
ax[ip].set_xticks(np.arange(min(Temp_list[ip])+deltaT_tmp, max(Temp_list[ip])+deltaT_tmp, step=2*deltaT_tmp))
ax[ip].tick_params(which='both', direction='in')
if ip>0 and NFU_list[ip]==12 :
ax[ip].yaxis.set_ticklabels([])
if NFU_list[ip]==4:
ax[ip].set_ylim(0.05,0.25)
# ax[ip].legend()
# ax[ip].grid(ls='dashed')
ax[0].set_ylabel("$\kappa$ [W m$^{-1}$ K$^{-1}$]")
ax[0].legend(frameon=False, fontsize=11, handletextpad=0.1, markerscale=1.2)
ax[-1].legend(frameon=False, fontsize=11, handletextpad=0.1, markerscale=1.2)
# plt.subplots_adjust(wspace=0.18, hspace=0)
kappa_subplots([L_min_PbF2_NVT_heat, L_min_CaF2_NVT_heat, L_min_UO2_NVT_heat, L_min_AgI_NVT_heat],
[L_max_PbF2_NVT_heat, L_max_CaF2_NVT_heat, L_max_UO2_NVT_heat, L_max_AgI_NVT_heat],
[Temp_PbF2_NVT_heat, Temp_CaF2_NVT_heat, Temp_UO2_NVT_heat, Temp_AgI_NVT_heat],
[T_c_PbF2, T_c_CaF2, T_c_UO2, T_c_AgI],
[kappa_HC_PbF2_NVT, kappa_HC_CaF2_NVT, kappa_HC_UO2_heat_NVT, kappa_HC_AgI_NVT],
[12, 12, 12, 4],
["PbF$_2$", "CaF$_2$", "UO$_2$", "$\\alpha$-AgI"])
plt.savefig("kappa.pdf", format="pdf", bbox_inches = 'tight')
def B_subplots(L_min_list, L_max_list, Temp_list, T_c_list, A_self_list, fit_list, NFU_list, Materials_list):
N_plots = len(L_min_list)
if (N_plots != len(L_max_list)):
sys.exit(1)
#fctr=0.5
fctr=0.5*8.0*np.pi**2/3.0
fig, ax = plt.subplots(1, N_plots, figsize=(13, 3), constrained_layout=True)
ax = ax.ravel()
marker = ['o','s','v','D','p','>']
myoffset=0
for ip in range(N_plots):
if ip==3:
myoffset=4
for iL, L in enumerate(np.arange(L_min_list[ip], L_max_list[ip] + 1)):
if T_c_list[ip][iL] > 0:
ax[ip].axvline(T_c_list[ip][iL], color=mycolor(myoffset+iL), linestyle=':', linewidth=1)
#ax[ip].annotate('annotate', xy=(2, 1), xytext=(3, 4),
# arrowprops=dict(facecolor='black', shrink=0.05))
ax[ip].fill_between(Temp_list[ip][:],
fctr*A_self_list[ip][iL,:,0]-fctr*A_self_list[ip][iL,:,1],
fctr*A_self_list[ip][iL,:,0]+fctr*A_self_list[ip][iL,:,1],
alpha=myalpha, color=mycolor(iL+myoffset))
ax[ip].plot(Temp_list[ip][:],
(fctr*A_self_list[ip][iL,:,0]),
ls='none',
marker=marker[iL], markersize=3,
color=mycolor(iL+myoffset),
label="$N=$"+str(L**3*NFU_list[ip]))
ax[ip].fill_between(Temp_list[ip][:],
(fctr*Temp_list[ip][:]*fit_list[ip][0][:]) - (fctr*Temp_list[ip][:]*fit_list[ip][1][:]),
(fctr*Temp_list[ip][:]*fit_list[ip][0][:]) + (fctr*Temp_list[ip][:]*fit_list[ip][1][:]),
alpha = 0.3, color='tab:blue')
ax[ip].set_xlabel("$T$ [K]")
ax[ip].set_title(Materials_list[ip])
ax[ip].set_ylim(fctr*0.00,fctr*0.65)
#ax[ip].set_yticks([0,0.1,0.2,0.3])
deltaT_tmp = ( max(Temp_list[ip]) - min(Temp_list[ip]) ) / (len(Temp_list[ip]) - 1)
if ip==0:
ax[ip].set_xticks(np.arange(min(Temp_list[ip])+2*deltaT_tmp, max(Temp_list[ip]), step=4*deltaT_tmp))
elif ip==1:
ax[ip].set_xticks(np.arange(min(Temp_list[ip])+2*deltaT_tmp, max(Temp_list[ip]), step=4*deltaT_tmp))
elif ip==2:
ax[ip].set_xticks(np.arange(min(Temp_list[ip])+2*deltaT_tmp, max(Temp_list[ip]), step=8*deltaT_tmp))
elif ip==3:
ax[ip].set_xticks(np.arange(min(Temp_list[ip])+0*deltaT_tmp, max(Temp_list[ip]), step=2*deltaT_tmp))
ax[ip].tick_params(which='both', direction='in')
if ip>0 and NFU_list[ip]==12 :
ax[ip].yaxis.set_ticklabels([])
if NFU_list[ip]==4:
ax[ip].set_ylim(fctr*0.25,fctr*0.55)
#ax[ip].set_yticks([0.15,0.2,0.25])
ax[0].set_ylabel("$B$ [$\AA^2$]")
ax[0].legend(frameon=False, loc='upper left',fontsize=11, handletextpad=0.1, markerscale=1.2)
ax[-1].legend(frameon=False, fontsize=11, handletextpad=0.1, markerscale=1.2)
B_subplots([L_min_PbF2, L_min_CaF2, L_min_UO2, L_min_AgI],
[L_max_PbF2, L_max_CaF2, L_max_UO2, L_max_AgI],
[Temp_PbF2, Temp_CaF2, Temp_UO2, Temp_AgI],
[T_c_PbF2, T_c_CaF2, T_c_UO2, T_c_AgI],
[A_self_PbF2, A_self_CaF2, A_self_UO2, A_self_AgI],
[[fit_DW_PbF2[:,1], err_DW_PbF2[:,1]],
[fit_DW_CaF2[:,1], err_DW_CaF2[:,1]],
[fit_DW_UO2[:,1], err_DW_UO2[:,1]],
[fit_DW_AgI[:,1], err_DW_AgI[:,1]]],
[12, 12, 12, 4],
["PbF$_2$", "CaF$_2$", "UO$_2$", "$\\alpha$-AgI"])
plt.savefig("B.pdf", format="pdf", bbox_inches = 'tight')
alat_Ar_DW = 5.44340474494465 # angstrom
dt_Ar_DW = 0.004*25.0 # picoseconds
L_min_Ar_DW = 1
L_max_Ar_DW = 7
T_min_Ar_DW = 2
T_max_Ar_DW = 5
T_step_Ar_DW = 1
def compute_A_self_argon(dt, L_min, L_max, T_min, T_max, T_step, dirname, BLOCKS=4, START_STEP=1000, N_F=8):
msd_file = "msd_B"+str(BLOCKS)+".dat"
msd_self_file = "msd_self_B"+str(BLOCKS)+".dat"
msd_cm_file = "msd_CM_B"+str(BLOCKS)+".dat"
N_L = int(L_max - L_min + 1)
N_T = int((T_max - T_min) // T_step + 1)
print("N_L:", N_L)
print("N_T:", N_T)
A_self = np.zeros((N_L, N_T, 2)) # last two entries for value and error
for iL, L in enumerate(np.arange(L_min, L_max + 1)):
#print(iL, L)
for iT, T in enumerate(np.arange(T_min, T_max + T_step, T_step)):
#print(iT, T)
# self msd
fil_tmp = dirname+str(L)+"x"+str(L)+"x"+str(L)+"/T_"+str(T)+"/"+ msd_self_file
#print(" analysing file: ", fil_tmp)
msd_tmp = np.loadtxt(fil_tmp).T
time = np.arange(len(msd_tmp[0]))*dt
# element of the non-molten matrix
coeff_fit_tmp = np.polyfit(time[START_STEP:],msd_tmp[0,START_STEP:],1)
A_self[iL,iT,0] = coeff_fit_tmp[1] # in Ang^2
coeff_fit_tmp = np.polyfit(time[START_STEP:],msd_tmp[0,START_STEP:]+np.sqrt(msd_tmp[1,START_STEP:]),1)
A_self[iL,iT,1] = np.abs(coeff_fit_tmp[1] - A_self[iL,iT,0])
return A_self
A_self_Ar_DW = compute_A_self_argon(dt_Ar_DW,
L_min_Ar_DW,
L_max_Ar_DW,
T_min_Ar_DW,
T_max_Ar_DW,
T_step_Ar_DW,
"./Argon/NVT_L_T_DW_rho1p6451gcc//",
BLOCKS=8,
START_STEP=1000)
N_L: 7 N_T: 4
from mpl_toolkits.axes_grid.inset_locator import (inset_axes, InsetPosition,
mark_inset)
N_T_Ar_DW = int((T_max_Ar_DW - T_min_Ar_DW) // T_step_Ar_DW + 1)
one_on_L_Ar_DW = 1.0/np.arange(L_min_Ar_DW, L_max_Ar_DW + 1)
coeff_fit_Ar_DW = np.zeros((N_T_Ar_DW,2)) # last two indices: slope and intercept
coeff_err_Ar_DW = np.zeros((N_T_Ar_DW,2)) # last two indices: slope and intercept
K_eff = np.zeros(N_T_Ar_DW)
k_BOLTZ = 1.38064852e-23 # J/K
fctr_DW = 3.0*k_BOLTZ/(alat_Ar_DW*1e-10)/np.pi/1e9*1e20
iLtmp = 1
mrkr = ['o', '^', 'd', 'v', 's']
colore = cm.get_cmap('inferno')
fig, ax1 = plt.subplots()
Temprange = (np.arange(T_min_Ar_DW, T_max_Ar_DW + T_step_Ar_DW, T_step_Ar_DW)*0.1 + 0.2)*119.8
for iT, T in enumerate(Temprange):
# fit and find covariance of the fit parameters:
coeff_fit_Ar_DW[iT], covar_Ar_DW = np.polyfit(one_on_L_Ar_DW[iLtmp:], 0.5*A_self_Ar_DW[iLtmp:,iT,0] / T / fctr_DW, 1, cov=True)
# compute error on fit parameters:
coeff_err_Ar_DW[iT] = np.sqrt(np.diag(covar_Ar_DW))
print('K_eff between',
-1.0/(coeff_fit_Ar_DW[iT,0]+coeff_err_Ar_DW[iT,0]),
' and ',
-1.0/(coeff_fit_Ar_DW[iT,0]-coeff_err_Ar_DW[iT,0]),
'GPa', 'best = ', -1.0/(coeff_fit_Ar_DW[iT,0]), 'GPa')
K_eff[iT] = -1.0/coeff_fit_Ar_DW[iT,0]
#plt.text(0, 0.03+iT*0.007, '$K^\mathrm{eff} = $'+str(np.round(-1.0/coeff_fit_Ar_DW[iT,0],1))+'GPa, @$T=$'+str(T)+'K',
# fontsize=11)
str1 = str("$T =$"+str(np.round(T,2))+"K")
str2 = str('fit $K^\mathrm{eff}$ = '+str(np.round(-1.0/coeff_fit_Ar_DW[iT,0],1))+' GPa')
ax1.errorbar(one_on_L_Ar_DW,
0.5*A_self_Ar_DW[:,iT,0]/T/fctr_DW,
0.5*A_self_Ar_DW[:,iT,1]/T/fctr_DW,
ls='none',
linewidth=1,marker=mrkr[iT], markersize=3.5, color=colore(30+iT*50),
label=str1)
ax1.plot(np.arange(14,51)*0.01,
(np.arange(14,51)*0.01*coeff_fit_Ar_DW[iT,0] + coeff_fit_Ar_DW[iT,1]),
ls='-', linewidth=1,
color=colore(50+iT*50), label=None)
ax1.plot(np.arange(0,11)*0.1,
(np.arange(0,11)*0.1*coeff_fit_Ar_DW[iT,0] + coeff_fit_Ar_DW[iT,1]),
ls=':', linewidth=1,
color=colore(50+iT*50), label=None)
# These are in unitless percentages of the figure size. (0,0 is bottom left)
left, bottom, width, height = [0.62, 0.61, 0.25, 0.25]
ax2 = fig.add_axes([left, bottom, width, height])
print(coeff_fit_Ar_DW[:,0])
print(coeff_err_Ar_DW[:,0])
ax2.errorbar(Temprange,
np.abs(coeff_fit_Ar_DW[:,0]),
coeff_err_Ar_DW[:,0],
ls='-', linewidth=1,
marker='D', color='green', markersize=3)
ax1.set_xlabel('$1/\ell$')
ax1.set_xticks([1,1/2,1/3,1/4,1/5,1/6,1/7,0])
ax1.set_xticklabels(['1','$\\frac{1}{2}$','$\\frac{1}{3}$','$\\frac{1}{4}$','$\\frac{1}{5}$','','... ','0'])
#ax1.set_ylabel('$B / \\frac{3kT}{\pi a}$ [GPa$^{-1}$]')
ax1.set_ylabel('$B / \\frac{8\pi kT}{a}$ [GPa$^{-1}$]')
ax1.legend(frameon=True, loc='lower left', fontsize=11, markerscale=1.0, handletextpad=0.1)
ax1.tick_params(which='both', direction='in')
ax2_font = {'size':'9.5'}
ax2.set_xlabel('$T$ [K]', labelpad=2, **ax2_font)
#ax2.set_xticks([400, 800, 1200])
ax2.set_ylabel('$|m|$ [GPa$^{-1}$]', labelpad=2, **ax2_font)
ax2.tick_params(which='both', direction='in', labelsize=9.5)
#plt.savefig('B_Ar_DW.pdf', format='pdf', bbox_inches = 'tight')
plt.savefig('B_Ar_DW_def_8pi2.pdf', format='pdf', bbox_inches = 'tight')
K_eff between 1.3206246017592005 and 1.2895995957271726 GPa best = 1.304927717838241 GPa K_eff between 1.285762648869508 and 1.2587528652682503 GPa best = 1.2721144039617487 GPa K_eff between 1.2529695702380514 and 1.2155141223721557 GPa best = 1.233957681864594 GPa K_eff between 1.19685622307997 and 1.1740689761168686 GPa best = 1.1853530941141608 GPa [-0.76632597 -0.78609282 -0.81040056 -0.84363048] [0.00910852 0.0083443 0.01229658 0.00810823]