diff --git a/experiment/PAC/PAC GAMM.py b/experiment/PAC/PAC GAMM.py new file mode 100644 index 0000000000000000000000000000000000000000..77c4c391587a95c845ce3fb727e0fbede5c0a614 --- /dev/null +++ b/experiment/PAC/PAC GAMM.py @@ -0,0 +1,64 @@ +import math +#from python_matrix_operations import * +import ctypes +import os +import sys +import numpy as np +import elasticity_toolbox as elast + +# Polymeric matrix material without prestrin +# design parameter: fibre diameterthickness in mmm of fibre d +param_r = 0.1 +param_h = 0.6 +param_vol = 0.1 +# eingestrain in percent +param_eigenstrain = 0.3 +# height mm +h = param_h +# volume fraction +vol = param_vol +# period +# epsilon_ = np.pi*param_r**2/(h*vol) +# Wir nutzen w\"ufel: +epsilon_ = (2*param_r)**2/(h*vol) +# gamma +gamma = h/epsilon_ +# width of fibres in after rescaling to unit cell +fibre_height=2*param_r/h +fibre_width=2*param_r*h/gamma # ~0.07 + + +# --- define geometry +def indicatorFunction(x): + if (np.abs(x[2]+.25)<=fibre_height/2) and (np.abs(x[1])<=fibre_width/2): + return 1 # fibre + else : + return 2 # matrix + +# --- Number of material phases +Phases=2 + +# --- PHASE 1 fibre +phase1_type="isotropic" +# E in MPa and nu +E = 6 +nu = 0.47 +# [mu, lambda] +materialParameters_phase1 = [E/(2*(1+nu)), (E*nu)/((1+nu)*(1-2*nu))] +def prestrain_phase1(x): + fitting_factor=1 + factor = fitting_factor*(param_eigenstrain - 0.0009)/h + factor_quer= -factor/2 # to keep volume konstant + return [[factor,0,0],[0,factor_quer,0],[0,0,factor_quer]] + +# --- PHASE 2 +# --- PHASE 1 fibre +phase2_type="isotropic" +# E in MPa and nu +E = 0.7 +nu = 0.47 +# [mu, lambda] +materialParameters_phase2 = [E/(2*(1+nu)), (E*nu)/((1+nu)*(1-2*nu))] +def prestrain_phase2(x): + return [[0,0,0],[0,0,0],[0,0,0]] + diff --git a/experiment/PAC/PAC.py b/experiment/PAC/PAC.py new file mode 100644 index 0000000000000000000000000000000000000000..8973394963f079f859a2e02e4d54f3ed1e6aa7cb --- /dev/null +++ b/experiment/PAC/PAC.py @@ -0,0 +1,67 @@ +import math +#from python_matrix_operations import * +import ctypes +import os +import sys +import numpy as np +import elasticity_toolbox as elast + +# Polymeric matrix material without prestrin +# design parameter: fibre diameterthickness in mmm of fibre d +param_r = 0.125 +param_t = 0.6 +param_h = 0.3 +param_vol = 0.16 +param_gamma = 0.5867087822139629 +# eingestrain in percent +param_eigenstrain = 0.2 +# height mm +# volume fraction +vol = param_vol +# period +# epsilon_ = np.pi*param_r**2/(h*vol) +# Wir nutzen w\"ufel: +epsilon_ = (np.pi*param_r**2)/(param_h*param_vol*2) +# width of fibres in after rescaling to unit cell +fibre_height=np.sqrt(param_vol/param_gamma) +fibre_width=np.sqrt(param_vol*param_gamma) # ~0.07 +# Ellipsoidal +r_height=param_r/param_t +r_width=r_height*param_gamma + +# --- define geometry +def indicatorFunction(x): + centerpoint_vert=-0.5+0.5*param_h/param_t +# if (np.abs(x[2]+.25)<=fibre_height/2) and (x[1]+0.5<=fibre_width): # square geometry + if ((x[2]-centerpoint_vert)**2+(x[1]/param_gamma)**2<=(param_r/param_t)**2): # round geometry + return 1 # fibre + else : + return 2 # matrix + +# --- Number of material phases +Phases=2 + +# --- PHASE 1 fibre +phase1_type="isotropic" +# E in MPa and nu +E = 7 +nu = .47 +# [mu, lambda] +materialParameters_phase1 = [E/(2*(1+nu)), (E*nu)/((1+nu)*(1-2*nu))] +def prestrain_phase1(x): + fitting_factor=0.95 + factor = fitting_factor*(param_eigenstrain - 0.0009)/param_t + factor_quer= -factor/2 # to keep volume konstant + return [[factor,0,0],[0,factor_quer,0],[0,0,factor_quer]] + +# --- PHASE 2 +# --- PHASE 1 fibre +phase2_type="isotropic" +# E in MPa and nu +E = 0.7 +nu = 0.47 +# [mu, lambda] +materialParameters_phase2 = [E/(2*(1+nu)), (E*nu)/((1+nu)*(1-2*nu))] +def prestrain_phase2(x): + return [[0,0,0],[0,0,0],[0,0,0]] + diff --git a/experiment/PAC/PAC_caseI.py b/experiment/PAC/PAC_caseI.py new file mode 100644 index 0000000000000000000000000000000000000000..c3056b7bae7dd21a7b07fe154feaa90c75c6724b --- /dev/null +++ b/experiment/PAC/PAC_caseI.py @@ -0,0 +1,168 @@ +import subprocess +import re +import os +import numpy as np +import matplotlib.pyplot as plt +import math +import fileinput +import time +import matplotlib.ticker as tickers +import matplotlib as mpl +from matplotlib.ticker import MultipleLocator,FormatStrFormatter,MaxNLocator +import codecs +import sys +import threading + +# Schreibe input datei für Parameter +def SetParametersCellProblem(ParameterSet, ParsetFilePath, outputPath): + print('----set Parameters -----') + with open(ParsetFilePath, 'r') as file: + filedata = file.read() + filedata = re.sub('(?m)^materialFunction\s?=.*','materialFunction = '+str(ParameterSet.materialFunction),filedata) + filedata = re.sub('(?m)^gamma\s?=.*','gamma='+str(ParameterSet.gamma),filedata) + filedata = re.sub('(?m)^numLevels\s?=.*','numLevels='+str(ParameterSet.numLevels)+' '+str(ParameterSet.numLevels) ,filedata) + filedata = re.sub('(?m)^outputPath\s?=\s?.*','outputPath='+str(outputPath),filedata) + f = open(ParsetFilePath,'w') + f.write(filedata) + f.close() + + +# Ändere Parameter der MaterialFunction +def SetParameterMaterialFunction(materialFunction, parameterName, parameterValue): + with open(Path+"/"+materialFunction+'.py', 'r') as file: + filedata = file.read() + filedata = re.sub('(?m)^'+str(parameterName)+'\s?=.*',str(parameterName)+' = '+str(parameterValue),filedata) + f = open(Path+"/"+materialFunction+'.py','w') + f.write(filedata) + f.close() + +# Rufe Programm zum Lösen des Cell-Problems auf +def run_CellProblem(executable, parset,write_LOG): + print('----- RUN Cell-Problem ----') + processList = [] + LOGFILE = "Cell-Problem_output.log" + print('LOGFILE:',LOGFILE) + print('executable:',executable) + if write_LOG: + p = subprocess.Popen(executable + parset + + " | tee " + LOGFILE, shell=True) + + else: + p = subprocess.Popen(executable + parset + + " | tee " + LOGFILE, shell=True) + + p.wait() # wait + processList.append(p) + exit_codes = [p.wait() for p in processList] + + return + +# Read effective quantites +def ReadEffectiveQuantities(QFilePath = os.path.dirname(os.getcwd()) + '/outputs/QMatrix.txt', BFilePath = os.path.dirname(os.getcwd())+ '/outputs/BMatrix.txt'): + # Read Output Matrices (effective quantities) + # From Cell-Problem output Files : ../outputs/Qmatrix.txt , ../outputs/Bmatrix.txt + # -- Read Matrix Qhom + X = [] + # with codecs.open(path + '/outputs/QMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(QFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + Q = np.array([[X[0][2], X[1][2], X[2][2]], + [X[3][2], X[4][2], X[5][2]], + [X[6][2], X[7][2], X[8][2]] ]) + + # -- Read Beff (as Vector) + X = [] + # with codecs.open(path + '/outputs/BMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(BFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + B = np.array([X[0][2], X[1][2], X[2][2]]) + return Q, B + +# Function for evaluating the energy in terms of kappa, alpha and Q, B +def eval_energy(kappa,alpha,Q,B) : + G=kappa*np.array([[np.cos(alpha)**2],[np.sin(alpha)**2],[np.sqrt(2)*np.cos(alpha)*np.sin(alpha)]])-B + return np.matmul(np.transpose(G),np.matmul(Q,G))[0,0] + +#------------------------------------------------------------------------------------------------------- +######################## +#### SET PARAMETERS #### +######################## +# ----- Setup Paths ----- +Path = "./experiment/PAC" +# parset = ' ./experiment/wood-bilayer/cellsolver.parset.wood' +ParsetFile = Path + '/cellsolver.parset' +executable = 'build-cmake/src/Cell-Problem' +write_LOG = True # writes Cell-Problem output-LOG in "Cell-Problem_output.log" + +# --------------------------------- +# Setup Experiment +# --------------------------------- +outputPath = Path + '/results_caseI/' + +# ----- Define Input parameters -------------------- +class ParameterSet: + pass + +ParameterSet.materialFunction = "PAC" +ParameterSet.numLevels=4 +case_=1 +if case_==1: + ParameterSet.vol = 0.16 # nu_f + ParameterSet.t = 0.6 # R radius of fibre + ParameterSet.r = 0.125 # R radius of fibre + ParameterSet.h = 0.3 +elif case_==2: + ParameterSet.vol = 0.10 # nu_f + ParameterSet.r = 0.1 # R radius of fibre + ParameterSet.h = 0.3 + ParameterSet.t = 0.6 # t thickness of hinge, +elif case_==3: + ParameterSet.vol = 0.16 # nu_f + ParameterSet.r = 0.1 # R radius of fibre + ParameterSet.h = 0.2 + ParameterSet.t = 0.6 # t thickness of hinge, +# +vol_=np.pi*ParameterSet.r**2 +# h * epsilon_ * vol = vol_ +epsilon_ = vol_/(ParameterSet.h*ParameterSet.vol) +# gamma +ParameterSet.gamma = ParameterSet.t/epsilon_ + +# ----- Define Parameters for Material Function -------------------- +# Liste mit Drehwinkel eigenstraint +materialFunctionParameter=[0.1, 0.2, 0.3] + +# ------ Loops through Parameters for Material Function ----------- +for i in range(0,np.shape(materialFunctionParameter)[0]): + print("------------------") + print("New Loop") + print("------------------") + # Check output directory + path = outputPath + str(i) + isExist = os.path.exists(path) + if not isExist: + # Create a new directory because it does not existl + os.makedirs(path) + print("The new directory " + path + " is created!") + # keine Parameter daher naechste Zeiel auskommentiert + SetParameterMaterialFunction(ParameterSet.materialFunction, "param_eigenstrain",materialFunctionParameter[i]) + SetParameterMaterialFunction(ParameterSet.materialFunction, "param_t", ParameterSet.t) + SetParameterMaterialFunction(ParameterSet.materialFunction, "param_h", ParameterSet.h) + SetParameterMaterialFunction(ParameterSet.materialFunction, "param_vol", ParameterSet.vol) + SetParameterMaterialFunction(ParameterSet.materialFunction, "param_r", ParameterSet.r) + SetParameterMaterialFunction(ParameterSet.materialFunction, "param_gamma", ParameterSet.gamma) + SetParametersCellProblem(ParameterSet, ParsetFile, path) + #Run Cell-Problem + thread = threading.Thread(target=run_CellProblem(executable, " ./"+ParsetFile, write_LOG)) + thread.start() + # --------------------------------------------------- + # wait here for the result to be available before continuing + thread.join() + f = open(path+"/parameter.txt", "w") + f.write("param_eigenstrain = "+str(materialFunctionParameter[i])+"\n") + f.close() + # diff --git a/experiment/PAC/PAC_caseII.py b/experiment/PAC/PAC_caseII.py new file mode 100644 index 0000000000000000000000000000000000000000..eaee1421332b63eed3e268eb89633712abf266f9 --- /dev/null +++ b/experiment/PAC/PAC_caseII.py @@ -0,0 +1,149 @@ +import subprocess +import re +import os +import numpy as np +import matplotlib.pyplot as plt +import math +import fileinput +import time +import matplotlib.ticker as tickers +import matplotlib as mpl +from matplotlib.ticker import MultipleLocator,FormatStrFormatter,MaxNLocator +import codecs +import sys +import threading + +# Schreibe input datei für Parameter +def SetParametersCellProblem(ParameterSet, ParsetFilePath, outputPath): + print('----set Parameters -----') + with open(ParsetFilePath, 'r') as file: + filedata = file.read() + filedata = re.sub('(?m)^materialFunction\s?=.*','materialFunction = '+str(ParameterSet.materialFunction),filedata) + filedata = re.sub('(?m)^gamma\s?=.*','gamma='+str(ParameterSet.gamma),filedata) + filedata = re.sub('(?m)^numLevels\s?=.*','numLevels='+str(ParameterSet.numLevels)+' '+str(ParameterSet.numLevels) ,filedata) + filedata = re.sub('(?m)^outputPath\s?=\s?.*','outputPath='+str(outputPath),filedata) + f = open(ParsetFilePath,'w') + f.write(filedata) + f.close() + + +# Ändere Parameter der MaterialFunction +def SetParameterMaterialFunction(materialFunction, parameterName, parameterValue): + with open(Path+"/"+materialFunction+'.py', 'r') as file: + filedata = file.read() + filedata = re.sub('(?m)^'+str(parameterName)+'\s?=.*',str(parameterName)+' = '+str(parameterValue),filedata) + f = open(Path+"/"+materialFunction+'.py','w') + f.write(filedata) + f.close() + +# Rufe Programm zum Lösen des Cell-Problems auf +def run_CellProblem(executable, parset,write_LOG): + print('----- RUN Cell-Problem ----') + processList = [] + LOGFILE = "Cell-Problem_output.log" + print('LOGFILE:',LOGFILE) + print('executable:',executable) + if write_LOG: + p = subprocess.Popen(executable + parset + + " | tee " + LOGFILE, shell=True) + + else: + p = subprocess.Popen(executable + parset + + " | tee " + LOGFILE, shell=True) + + p.wait() # wait + processList.append(p) + exit_codes = [p.wait() for p in processList] + + return + +# Read effective quantites +def ReadEffectiveQuantities(QFilePath = os.path.dirname(os.getcwd()) + '/outputs/QMatrix.txt', BFilePath = os.path.dirname(os.getcwd())+ '/outputs/BMatrix.txt'): + # Read Output Matrices (effective quantities) + # From Cell-Problem output Files : ../outputs/Qmatrix.txt , ../outputs/Bmatrix.txt + # -- Read Matrix Qhom + X = [] + # with codecs.open(path + '/outputs/QMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(QFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + Q = np.array([[X[0][2], X[1][2], X[2][2]], + [X[3][2], X[4][2], X[5][2]], + [X[6][2], X[7][2], X[8][2]] ]) + + # -- Read Beff (as Vector) + X = [] + # with codecs.open(path + '/outputs/BMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(BFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + B = np.array([X[0][2], X[1][2], X[2][2]]) + return Q, B + +# Function for evaluating the energy in terms of kappa, alpha and Q, B +def eval_energy(kappa,alpha,Q,B) : + G=kappa*np.array([[np.cos(alpha)**2],[np.sin(alpha)**2],[np.sqrt(2)*np.cos(alpha)*np.sin(alpha)]])-B + return np.matmul(np.transpose(G),np.matmul(Q,G))[0,0] + +#------------------------------------------------------------------------------------------------------- +######################## +#### SET PARAMETERS #### +######################## +# ----- Setup Paths ----- +Path = "./experiment/PAC" +# parset = ' ./experiment/wood-bilayer/cellsolver.parset.wood' +ParsetFile = Path + '/cellsolver.parset' +executable = 'build-cmake/src/Cell-Problem' +write_LOG = True # writes Cell-Problem output-LOG in "Cell-Problem_output.log" + +# --------------------------------- +# Setup Experiment +# --------------------------------- +outputPath = Path + '/results_caseII/' + +# ----- Define Input parameters -------------------- +class ParameterSet: + pass + +ParameterSet.materialFunction = "PAC" +ParameterSet.numLevels=2 +ParameterSet.vol = 0.10 +ParameterSet.r = 0.1 +ParameterSet.t = 0.6 +ParameterSet.gamma=ParameterSet.t/((np.pi*ParameterSet.r**2)/(ParameterSet.t*ParameterSet.vol)) + + +# ----- Define Parameters for Material Function -------------------- +# Liste mit Drehwinkel eigenstraint +materialFunctionParameter=[0.1, 0.2, 0.3] + +# ------ Loops through Parameters for Material Function ----------- +for i in range(0,np.shape(materialFunctionParameter)[0]): + print("------------------") + print("New Loop") + print("------------------") + # Check output directory + path = outputPath + str(i) + isExist = os.path.exists(path) + if not isExist: + # Create a new directory because it does not exist + os.makedirs(path) + print("The new directory " + path + " is created!") + # keine Parameter daher naechste Zeiel auskommentiert + SetParameterMaterialFunction(ParameterSet.materialFunction, "param_eigenstrain",materialFunctionParameter[i]) + SetParameterMaterialFunction(ParameterSet.materialFunction, "param_h", ParameterSet.h) + SetParameterMaterialFunction(ParameterSet.materialFunction, "param_r", ParameterSet.r) + SetParameterMaterialFunction(ParameterSet.materialFunction, "param_vol", ParameterSet.vol) + SetParametersCellProblem(ParameterSet, ParsetFile, path) + #Run Cell-Problem + thread = threading.Thread(target=run_CellProblem(executable, " ./"+ParsetFile, write_LOG)) + thread.start() + # --------------------------------------------------- + # wait here for the result to be available before continuing + thread.join() + f = open(path+"/parameter.txt", "w") + f.write("param_eigenstrain = "+str(materialFunctionParameter[i])+"\n") + f.close() + # diff --git a/experiment/PAC/__pycache__/PAC.cpython-310.pyc b/experiment/PAC/__pycache__/PAC.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..9d46a6d11fca18fabc4b5ed29f22c835c2c8cb02 Binary files /dev/null and b/experiment/PAC/__pycache__/PAC.cpython-310.pyc differ diff --git a/experiment/PAC/__pycache__/elasticity_toolbox.cpython-310.pyc b/experiment/PAC/__pycache__/elasticity_toolbox.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..b72b1e6dbf5191b1eaec4b6fc77d2fa12a02fd96 Binary files /dev/null and b/experiment/PAC/__pycache__/elasticity_toolbox.cpython-310.pyc differ diff --git a/experiment/PAC/__pycache__/isotrop_orthotrop_rotation.cpython-310.pyc b/experiment/PAC/__pycache__/isotrop_orthotrop_rotation.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..5059426397bc3bea4c961beb2797e70e6043d34e Binary files /dev/null and b/experiment/PAC/__pycache__/isotrop_orthotrop_rotation.cpython-310.pyc differ diff --git a/experiment/PAC/__pycache__/isotrop_rotation.cpython-310.pyc b/experiment/PAC/__pycache__/isotrop_rotation.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..c9049b7dad5e4cf15c78d351e411a20b1beb4ea4 Binary files /dev/null and b/experiment/PAC/__pycache__/isotrop_rotation.cpython-310.pyc differ diff --git a/experiment/PAC/__pycache__/wood_european_beech_gedreht.cpython-310.pyc b/experiment/PAC/__pycache__/wood_european_beech_gedreht.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..be4b2010441ede15e7b450afa8cd8211df2ce9f9 Binary files /dev/null and b/experiment/PAC/__pycache__/wood_european_beech_gedreht.cpython-310.pyc differ diff --git a/experiment/PAC/auswertung_caseI.py b/experiment/PAC/auswertung_caseI.py new file mode 100644 index 0000000000000000000000000000000000000000..759e76758c4193ec21fab9b9e22a0de3a8fbb550 --- /dev/null +++ b/experiment/PAC/auswertung_caseI.py @@ -0,0 +1,127 @@ +#!/usr/bin/env python3 +# -*- coding: utf-8 -*- +""" +Created on Wed Jul 6 13:17:28 2022 + +@author: stefan +""" +import numpy as np +import matplotlib.pyplot as plt +import matplotlib.colors as colors +import codecs + + + +def energy(kappa,alpha,Q,B) : + G=kappa*np.array([[np.cos(alpha)**2],[np.sin(alpha)**2],[np.sqrt(2)*np.cos(alpha)*np.sin(alpha)]])-B + return np.matmul(np.transpose(G),np.matmul(Q,G))[0,0] + +def xytokappaalpha(x,y): + + if y>0: + return [np.sqrt(x**2+y**2), np.abs(np.arctan2(y,x))] + else: + return [-np.sqrt(x**2+y**2), np.abs(np.arctan2(y,x))] + +# Read effective quantites +def ReadEffectiveQuantities(QFilePath, BFilePath): + # Read Output Matrices (effective quantities) + # From Cell-Problem output Files : ../outputs/Qmatrix.txt , ../outputs/Bmatrix.txt + # -- Read Matrix Qhom + X = [] + # with codecs.open(path + '/outputs/QMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(QFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + Q = np.array([[X[0][2], X[1][2], X[2][2]], + [X[3][2], X[4][2], X[5][2]], + [X[6][2], X[7][2], X[8][2]] ]) + + # -- Read Beff (as Vector) + X = [] + # with codecs.open(path + '/outputs/BMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(BFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + B = np.array([X[0][2], X[1][2], X[2][2]]) + return Q, B + +number=3 +kappa=np.zeros(number) +deflection=np.zeros(number) +for n in range(0,number): + # Read from Date + print(str(n)) + Path='./experiment/PAC/results_caseI/' + Path='results_caseI/' # reltative path + DataPath = Path+str(n) + QFilePath = DataPath + '/QMatrix.txt' + BFilePath = DataPath + '/BMatrix.txt' + Q, B = ReadEffectiveQuantities(QFilePath,BFilePath) + # Q=0.5*(np.transpose(Q)+Q) # symmetrize + B=np.transpose([B]) + # + + N=300 + length=1 + r, theta = np.meshgrid(np.linspace(0,length,N),np.radians(np.linspace(0, 360, N))) + E=np.zeros(np.shape(r)) + for i in range(0,N): + for j in range(0,N): + if theta[i,j]<np.pi: + E[i,j]=energy(r[i,j],theta[i,j],Q,B) + else: + E[i,j]=energy(-r[i,j],theta[i,j],Q,B) + + # Compute Minimizer + [imin,jmin]=np.unravel_index(E.argmin(),(N,N)) + kappamin=r[imin,jmin] + alphamin=theta[imin,jmin] + kappa[n]=kappamin + fig, ax = plt.subplots(figsize=(6,6),subplot_kw=dict(projection='polar')) + levs=np.geomspace(E.min(),E.max(),400) + pcm=ax.contourf(theta, r, E, levs, norm=colors.PowerNorm(gamma=0.2), cmap='brg') + ax.set_xticks([0,np.pi/2]) + ax.set_yticks([kappamin]) + colorbarticks=np.linspace(E.min(),E.max(),6) + plt.colorbar(pcm, extend='max', ticks=colorbarticks, pad=0.1) + plt.show() + + # in mm + hinge_length=5 + deflection[n]=180 - hinge_length*kappamin*360/(2*np.pi) + print(f"deflection angle = {deflection}") + + +f = open(Path+"kappa_simulation.txt", "w") +f.write("kappa = "+str(kappa)) +f.write("deflection angle = "+str(deflection)) +f.close() + +strains=[10,20,30] +deflection_measure=[155, 125, 82] # Case 1 +deflection_case_1=[146.46568089, 111.97323837, 78.43891926] +deflection_case_3=[144.54943408, 108.14074476, 71.73205544] +deflection_measure=[130, 90, 70] # Case 3 +kappa_measure=[1/360*2*np.pi*(180-deflection_measure[i])/hinge_length for i in range(0,3)] + +from matplotlib.ticker import StrMethodFormatter + +f = plt.figure() +f.set_figwidth(3) +f.set_figheight(3) +plt.gca().yaxis.set_major_formatter(StrMethodFormatter('{x:,.0f}')) # 2 decimal places +plt.gca().xaxis.set_major_formatter(StrMethodFormatter('{x:,.1f}')) # 2 decimal places +plt.scatter(strains, deflection_measure, marker='D', label="experiment") +plt.scatter(strains, deflection_case_1, marker='o', label="case 1") +plt.scatter(strains, deflection, marker='x', label="simulation") +plt.xticks(strains) +plt.ylabel(r"$\theta$ (°)") +plt.xlabel(r"$\epsilon_0$") +plt.legend() +plt.show() + +print((deflection_measure-deflection)/deflection_measure) + diff --git a/experiment/PAC/auswertung_caseII.py b/experiment/PAC/auswertung_caseII.py new file mode 100644 index 0000000000000000000000000000000000000000..c39a4eeac48de58e0568dc8ec358a254127756de --- /dev/null +++ b/experiment/PAC/auswertung_caseII.py @@ -0,0 +1,122 @@ +#!/usr/bin/env python3 +# -*- coding: utf-8 -*- +""" +Created on Wed Jul 6 13:17:28 2022 + +@author: stefan +""" +import numpy as np +import matplotlib.pyplot as plt +import matplotlib.colors as colors +import codecs + + + +def energy(kappa,alpha,Q,B) : + G=kappa*np.array([[np.cos(alpha)**2],[np.sin(alpha)**2],[np.sqrt(2)*np.cos(alpha)*np.sin(alpha)]])-B + return np.matmul(np.transpose(G),np.matmul(Q,G))[0,0] + +def xytokappaalpha(x,y): + + if y>0: + return [np.sqrt(x**2+y**2), np.abs(np.arctan2(y,x))] + else: + return [-np.sqrt(x**2+y**2), np.abs(np.arctan2(y,x))] + +# Read effective quantites +def ReadEffectiveQuantities(QFilePath, BFilePath): + # Read Output Matrices (effective quantities) + # From Cell-Problem output Files : ../outputs/Qmatrix.txt , ../outputs/Bmatrix.txt + # -- Read Matrix Qhom + X = [] + # with codecs.open(path + '/outputs/QMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(QFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + Q = np.array([[X[0][2], X[1][2], X[2][2]], + [X[3][2], X[4][2], X[5][2]], + [X[6][2], X[7][2], X[8][2]] ]) + + # -- Read Beff (as Vector) + X = [] + # with codecs.open(path + '/outputs/BMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(BFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + B = np.array([X[0][2], X[1][2], X[2][2]]) + return Q, B + +number=3 +kappa=np.zeros(number) +deflection=np.zeros(number) +for n in range(0,number): + # Read from Date + print(str(n)) + Path='results_caseII/' # reltative path + DataPath = Path+str(n) + QFilePath = DataPath + '/QMatrix.txt' + BFilePath = DataPath + '/BMatrix.txt' + Q, B = ReadEffectiveQuantities(QFilePath,BFilePath) + # Q=0.5*(np.transpose(Q)+Q) # symmetrize + B=np.transpose([B]) + # + + N=300 + length=1 + r, theta = np.meshgrid(np.linspace(0,length,N),np.radians(np.linspace(0, 360, N))) + E=np.zeros(np.shape(r)) + for i in range(0,N): + for j in range(0,N): + if theta[i,j]<np.pi: + E[i,j]=energy(r[i,j],theta[i,j],Q,B) + else: + E[i,j]=energy(-r[i,j],theta[i,j],Q,B) + + # Compute Minimizer + [imin,jmin]=np.unravel_index(E.argmin(),(N,N)) + kappamin=r[imin,jmin] + alphamin=theta[imin,jmin] + kappa[n]=kappamin + fig, ax = plt.subplots(figsize=(6,6),subplot_kw=dict(projection='polar')) + levs=np.geomspace(E.min(),E.max(),400) + pcm=ax.contourf(theta, r, E, levs, norm=colors.PowerNorm(gamma=0.2), cmap='brg') + ax.set_xticks([0,np.pi/2]) + ax.set_yticks([kappamin]) + colorbarticks=np.linspace(E.min(),E.max(),6) + plt.colorbar(pcm, extend='max', ticks=colorbarticks, pad=0.1) + plt.show() + + # in mm + hinge_length=5 + deflection[n]=180 - hinge_length*kappamin*360/(2*np.pi) + print(f"deflection angle = {deflection}") + + +f = open(Path+"kappa_simulation.txt", "w") +f.write("kappa = "+str(kappa)) +f.write("deflection angle = "+str(deflection)) +f.close() + +strains=[10,20,30] +deflection_measure=[135, 100, 70] +kappa_measure=[1/360*2*np.pi*(180-deflection_measure[i])/hinge_length for i in range(0,3)] + +from matplotlib.ticker import StrMethodFormatter + +f = plt.figure() +f.set_figwidth(3) +f.set_figheight(3) +plt.gca().yaxis.set_major_formatter(StrMethodFormatter('{x:,.0f}')) # 2 decimal places +plt.gca().xaxis.set_major_formatter(StrMethodFormatter('{x:,.1f}')) # 2 decimal places +plt.scatter(strains, deflection_measure, marker='D', label="experiment") +plt.scatter(strains, deflection, marker='x', label="simulation") +plt.xticks(strains) +plt.ylabel(r"$\theta$ (°)") +plt.xlabel(r"$\epsilon_0$") +plt.legend() +plt.show() + +print((deflection_measure-deflection)/deflection_measure) + diff --git a/experiment/PAC/cellsolver.parset b/experiment/PAC/cellsolver.parset new file mode 100644 index 0000000000000000000000000000000000000000..db72481010aefc2da979c6999fd45e798fb709b9 --- /dev/null +++ b/experiment/PAC/cellsolver.parset @@ -0,0 +1,96 @@ +# --- Parameter File as Input for 'Cell-Problem' +# NOTE: define variables without whitespaces in between! i.e. : gamma=1.0 instead of gamma = 1.0 +# since otherwise these cant be read from other Files! +# -------------------------------------------------------- + +# Path for results and logfile +outputPath=./experiment/PAC/results_caseI/1 + +# Path for material description +geometryFunctionPath =experiment/PAC/ + + +# --- DEBUG (Output) Option: +#print_debug = true #(default=false) + + + + +############################################# +# Grid parameters +############################################# +#---------------------------------------------------- +## numLevels : Number of Levels on which solution is computed. starting with a 2x2x2 cube mesh. +## {start,finish} computes on all grid from 2^(start) to 2^finish refinement +#---------------------------------------------------- + +numLevels=4 4 +#numLevels = 1 1 # computes all levels from first to second entry +#numLevels = 2 2 # computes all levels from first to second entry +#numLevels = 1 3 # computes all levels from first to second entry +#numLevels = 4 4 # computes all levels from first to second entry +#numLevels = 5 5 # computes all levels from first to second entry +#numLevels = 6 6 # computes all levels from first to second entry +#numLevels = 1 6 + + +############################################# +# Material / Prestrain parameters and ratios +############################################# + +# --- Choose material definition: +materialFunction = PAC + + + +# --- Choose scale ratio gamma: +# gamma=1.1 bei kreisquerschnitt +gamma=0.5867087822139629 + +############################################# +# Assembly options +############################################# +#set_IntegralZero = true #(default = false) +#set_oneBasisFunction_Zero = true #(default = false) + +#arbitraryLocalIndex = 7 #(default = 0) +#arbitraryElementNumber = 3 #(default = 0) +############################################# + + +############################################# +# Solver Type: #1: CG - SOLVER , #2: GMRES - SOLVER, #3: QR - SOLVER (default), #4: UMFPACK - SOLVER +############################################# +Solvertype = 2 # recommended to use iterative solver (e.g GMRES) for finer grid-levels +Solver_verbosity = 0 #(default = 2) degree of information for solver output + + +############################################# +# Write/Output options #(default=false) +############################################# + +# --- (Optional output) write Material / prestrain / Corrector functions to .vtk-Files: +write_materialFunctions = true # VTK indicator function for material/prestrain definition +#write_prestrainFunctions = true # VTK norm of B (currently not implemented) + +# --- Write Correctos to VTK-File: +write_VTK = true + +# --- (Optional output) L2Error, integral mean: +#write_L2Error = true +#write_IntegralMean = true + +# --- check orthogonality (75) from paper: +write_checkOrthogonality = true + +# --- Write corrector-coefficients to log-File: +#write_corrector_phi1 = true +#write_corrector_phi2 = true +#write_corrector_phi3 = true + + +# --- Print Condition number of matrix (can be expensive): +#print_conditionNumber= true #(default=false) + +# --- write effective quantities to Matlab-folder for symbolic minimization: +write_toMATLAB = true # writes effective quantities to .txt-files QMatrix.txt and BMatrix.txt diff --git a/experiment/PAC/elasticity_toolbox.py b/experiment/PAC/elasticity_toolbox.py new file mode 100644 index 0000000000000000000000000000000000000000..8e61952612c0714a5b430a41660775fc0e2c23b5 --- /dev/null +++ b/experiment/PAC/elasticity_toolbox.py @@ -0,0 +1,123 @@ +import math +import numpy as np + + +def strain_to_voigt(strain_matrix): + # Ensure the input matrix is a 3x3 strain matrix + if strain_matrix.shape != (3, 3): + raise ValueError("Input matrix should be a 3x3 strain matrix.") + + # Extract the components from the 3x3 strain matrix + ε_xx = strain_matrix[0, 0] + ε_yy = strain_matrix[1, 1] + ε_zz = strain_matrix[2, 2] + γ_yz = .5*(strain_matrix[1, 2]+strain_matrix[2,1]) + γ_xz = .5*(strain_matrix[0, 2]+strain_matrix[0,2]) + γ_xy = .5*(strain_matrix[0, 1]+strain_matrix[0,1]) + + # Create the Voigt notation vector + voigt_notation = np.array([ε_xx, ε_yy, ε_zz, γ_yz, γ_xz, γ_xy]) + + return voigt_notation + +def voigt_to_strain(voigt_notation): + # Ensure the input vector has 6 elements + if len(voigt_notation) != 6: + raise ValueError("Input vector should have 6 elements in Voigt notation.") + + # Extract the components from the Voigt notation vector + ε_xx = voigt_notation[0] + ε_yy = voigt_notation[1] + ε_zz = voigt_notation[2] + γ_yz = voigt_notation[3] + γ_xz = voigt_notation[4] + γ_xy = voigt_notation[5] + + # Create the 3x3 strain matrix + strain_matrix = np.array([[ε_xx, γ_xy, γ_xz], + [γ_xy, ε_yy, γ_yz], + [γ_xz, γ_yz, ε_zz]]) + + return strain_matrix + + +def rotation_matrix(ax, angle): + cos_theta = np.cos(angle) + sin_theta = np.sin(angle) + if ax==0: + Q=np.array([[0, 0, 1], + [0,1,0], + [-1,0,0] + ]) + elif ax==1: + Q=np.array([[1, 0, 0], + [0,0,1], + [0,-1,0] + ]) + else: + Q=np.array([[1, 0, 0], + [0,1,0], + [0,0,1] + ]) + + R = np.array([[cos_theta, -sin_theta, 0], + [sin_theta, cos_theta, 0], + [0, 0, 1]]) + return np.dot(np.dot(Q.T, R),Q) + +def rotation_matrix_compliance(ax,theta): + R=rotation_matrix(ax,theta) + Q_xx=R[0,0] + Q_xy=R[0,1] + Q_xz=R[0,2] + Q_yx=R[1,0] + Q_yy=R[1,1] + Q_yz=R[1,2] + Q_zx=R[2,0] + Q_zy=R[2,1] + Q_zz=R[2,2] + return np.array([ + [Q_xx**2, Q_xy**2, Q_xz**2, Q_xy*Q_xz, Q_xx*Q_xz, Q_xx*Q_xy], + [Q_yx**2, Q_yy**2, Q_yz**2, Q_yy*Q_yz, Q_yx*Q_yz, Q_yx*Q_yy], + [Q_zx**2, Q_zy**2, Q_zz**2, Q_zy*Q_zz, Q_zx*Q_zz, Q_zx*Q_zy], + [2*Q_yx*Q_zx, 2*Q_yy*Q_zy, 2*Q_yz*Q_zz, Q_yy*Q_zz + Q_yz*Q_zy, Q_yx*Q_zz + Q_yz*Q_zx, Q_yx*Q_zy + Q_yy*Q_zx], + [2*Q_xx*Q_zx, 2*Q_xy*Q_zy, 2*Q_xz*Q_zz, Q_xy*Q_zz + Q_xz*Q_zy, Q_xx*Q_zz + Q_xz*Q_zx, Q_xx*Q_zy + Q_xy*Q_zx], + [2*Q_xx*Q_yx, 2*Q_xy*Q_yy, 2*Q_xz*Q_yz, Q_xy*Q_yz + Q_xz*Q_yy, Q_xx*Q_yz + Q_xz*Q_yx, Q_xx*Q_yy + Q_xy*Q_yx] + ]) + +def rotate_strain(eps, ax, theta): + B=voigt_to_strain(np.matmul(rotation_matrix_epsilon(theta,ax),strain_to_voigt(eps))) + +import numpy as np + +def voigt_to_tensor(voigt_matrix): + tensor = np.zeros((6, 6)) + + tensor[0, 0] = voigt_matrix[0] + tensor[0, 1] = tensor[1, 0] = voigt_matrix[1] + tensor[0, 2] = tensor[2, 0] = voigt_matrix[2] + tensor[0, 3] = tensor[3, 0] = voigt_matrix[3] + tensor[0, 4] = tensor[4, 0] = voigt_matrix[4] + tensor[0, 5] = tensor[5, 0] = voigt_matrix[5] + + tensor[1, 1] = voigt_matrix[6] + tensor[1, 2] = tensor[2, 1] = voigt_matrix[7] + tensor[1, 3] = tensor[3, 1] = voigt_matrix[8] + tensor[1, 4] = tensor[4, 1] = voigt_matrix[9] + tensor[1, 5] = tensor[5, 1] = voigt_matrix[10] + + tensor[2, 2] = voigt_matrix[11] + tensor[2, 3] = tensor[3, 2] = voigt_matrix[12] + tensor[2, 4] = tensor[4, 2] = voigt_matrix[13] + tensor[2, 5] = tensor[5, 2] = voigt_matrix[14] + + tensor[3, 3] = voigt_matrix[15] + tensor[3, 4] = tensor[4, 3] = voigt_matrix[16] + tensor[3, 5] = tensor[5, 3] = voigt_matrix[17] + + tensor[4, 4] = voigt_matrix[18] + tensor[4, 5] = tensor[5, 4] = voigt_matrix[19] + + tensor[5, 5] = voigt_matrix[20] + + return tensor diff --git a/experiment/PAC/results_caseI/0/BMatrix.txt b/experiment/PAC/results_caseI/0/BMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..07903f2baea51eac1ce0e99d9378ea325fbc51b3 --- /dev/null +++ b/experiment/PAC/results_caseI/0/BMatrix.txt @@ -0,0 +1,3 @@ +1 1 -0.155044090914770449 +1 2 0.0752460026566448004 +1 3 -3.28620858010370727e-15 diff --git a/experiment/PAC/results_caseI/0/QMatrix.txt b/experiment/PAC/results_caseI/0/QMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..9bfeccc2df3ecbca010f7de4bfabde6ef6f9999e --- /dev/null +++ b/experiment/PAC/results_caseI/0/QMatrix.txt @@ -0,0 +1,9 @@ +1 1 0.102548154627594867 +1 2 0.0411930550425130618 +1 3 -1.27759106329459062e-18 +2 1 0.0411930550496847833 +2 2 0.086119160816753193 +2 3 5.48802573938332249e-18 +3 1 -3.68092146241469337e-15 +3 2 -3.33811789377536827e-15 +3 3 0.0455970476028080413 diff --git a/experiment/wood-bilayer/results/1/output.txt b/experiment/PAC/results_caseI/0/output.txt similarity index 61% rename from experiment/wood-bilayer/results/1/output.txt rename to experiment/PAC/results_caseI/0/output.txt index d135fa65c315a46bb6c2cd1aa5a26b276545c27d..0ab6a26d10e523fdbf90a6fe38a93836ca775edb 100644 --- a/experiment/wood-bilayer/results/1/output.txt +++ b/experiment/PAC/results_caseI/0/output.txt @@ -3,47 +3,47 @@ Solver-type used: GMRES-Solver ---------- OUTPUT ---------- -------------------- Corrector-Matrix M_1: --0.232471 2.20455e-26 0 -2.20455e-26 0.0115767 0 +0.10524 -1.70166e-17 0 +-1.70166e-17 -0.0332745 0 0 0 0 -------------------- Corrector-Matrix M_2: --0.0026877 1.24089e-27 0 -1.24089e-27 0.110113 0 +1.85101e-11 2.71694e-17 0 +2.71694e-17 0.0345233 0 0 0 0 -------------------- Corrector-Matrix M_3: -0 0.0222889 0 -0.0222889 0 0 +3.19848e-15 0.0218271 0 +0.0218271 -8.17233e-15 0 0 0 0 -------------------- --- Effective moduli --- Qeff_: -315.078 20.6662 -5.16988e-24 -20.6662 537.775 -1.27955e-24 -9.31699e-32 -1.29964e-32 90.3065 +0.102548 0.0411931 -1.27759e-18 +0.0411931 0.0861192 5.48803e-18 +-3.68092e-15 -3.33812e-15 0.045597 ------------------------ --- Prestrain Output --- -Bhat_: 545.025 -189.766 -1.57938e-30 -Beff_: 1.75738 -0.420407 -1.93628e-32 (Effective Prestrain) +Bhat_: -0.0127999 9.33828e-05 1.69684e-16 +Beff_: -0.155044 0.075246 -3.28621e-15 (Effective Prestrain) ------------------------ size of FiniteElementBasis: 13056 -q1=315.078 -q2=537.775 -q3=90.3065 -q12=20.6662 -q23=-1.27955e-24 -q_onetwo=20.666196 -b1=1.757383 -b2=-0.420407 +q1=0.102548 +q2=0.0861192 +q3=0.045597 +q12=0.0411931 +q23=5.48803e-18 +q_onetwo=0.041193 +b1=-0.155044 +b2=0.075246 b3=-0.000000 -mu_gamma=90.306531 +mu_gamma=0.045597 --------------------------------------------------------------------------------------------------------------------------------------- Levels | q1 | q2 | q3 | q12 | q23 | b1 | b2 | b3 | --------------------------------------------------------------------------------------------------------------------------------------- - 4 & 3.15078e+02 & 5.37775e+02 & 9.03065e+01 & 2.06662e+01 & -1.27955e-24 & 1.75738e+00 & -4.20407e-01 & -1.93628e-32 & + 4 & 1.02548e-01 & 8.61192e-02 & 4.55970e-02 & 4.11931e-02 & 5.48803e-18 & -1.55044e-01 & 7.52460e-02 & -3.28621e-15 & --------------------------------------------------------------------------------------------------------------------------------------- diff --git a/experiment/PAC/results_caseI/0/parameter.txt b/experiment/PAC/results_caseI/0/parameter.txt new file mode 100644 index 0000000000000000000000000000000000000000..2205ab02b6a8e1c39fe376bf8b0efb84106dc898 --- /dev/null +++ b/experiment/PAC/results_caseI/0/parameter.txt @@ -0,0 +1 @@ +param_eigenstrain = 0.1 diff --git a/experiment/PAC/results_caseI/1/BMatrix.txt b/experiment/PAC/results_caseI/1/BMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..dc064173457a73e4c5d4bb28c593b0a3206fbcf8 --- /dev/null +++ b/experiment/PAC/results_caseI/1/BMatrix.txt @@ -0,0 +1,3 @@ +1 1 -0.309790572376458739 +1 2 0.150530832906733553 +1 3 9.0948862540221638e-14 diff --git a/experiment/PAC/results_caseI/1/QMatrix.txt b/experiment/PAC/results_caseI/1/QMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..1e98e92422c81433b084500a5bd9693c1db5e358 --- /dev/null +++ b/experiment/PAC/results_caseI/1/QMatrix.txt @@ -0,0 +1,9 @@ +1 1 0.106184182510032962 +1 2 0.0415031292388598136 +1 3 -5.45262328177513506e-18 +2 1 0.0415031292365819551 +2 2 0.0869274458536025973 +2 3 -4.45230589587336029e-18 +3 1 8.97029805217425862e-15 +3 2 1.61473386930774383e-14 +3 3 0.0454953390603186208 diff --git a/experiment/PAC/results_caseI/1/output.txt b/experiment/PAC/results_caseI/1/output.txt new file mode 100644 index 0000000000000000000000000000000000000000..99f7b04aed50a6f5f8b809662c422788b272d41a --- /dev/null +++ b/experiment/PAC/results_caseI/1/output.txt @@ -0,0 +1 @@ +Number of Grid-Elements in each direction: [16,16,16] diff --git a/experiment/PAC/results_caseI/1/parameter.txt b/experiment/PAC/results_caseI/1/parameter.txt new file mode 100644 index 0000000000000000000000000000000000000000..b61ea36b5699b8bfcadf4fc9de4c123e96680cbd --- /dev/null +++ b/experiment/PAC/results_caseI/1/parameter.txt @@ -0,0 +1 @@ +param_eigenstrain = 0.2 diff --git a/experiment/PAC/results_caseI/2/BMatrix.txt b/experiment/PAC/results_caseI/2/BMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..a46472741a654ee88c5c55ee79fc4a3eac3b0ddd --- /dev/null +++ b/experiment/PAC/results_caseI/2/BMatrix.txt @@ -0,0 +1,3 @@ +1 1 -0.465386038160718107 +1 2 0.226136474748388189 +1 3 1.36628853770870351e-13 diff --git a/experiment/PAC/results_caseI/2/QMatrix.txt b/experiment/PAC/results_caseI/2/QMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..1e98e92422c81433b084500a5bd9693c1db5e358 --- /dev/null +++ b/experiment/PAC/results_caseI/2/QMatrix.txt @@ -0,0 +1,9 @@ +1 1 0.106184182510032962 +1 2 0.0415031292388598136 +1 3 -5.45262328177513506e-18 +2 1 0.0415031292365819551 +2 2 0.0869274458536025973 +2 3 -4.45230589587336029e-18 +3 1 8.97029805217425862e-15 +3 2 1.61473386930774383e-14 +3 3 0.0454953390603186208 diff --git a/experiment/PAC/results_caseI/2/output.txt b/experiment/PAC/results_caseI/2/output.txt new file mode 100644 index 0000000000000000000000000000000000000000..d6a57d6cee37fdfc26e21e114b4f2fbfe57c5b53 --- /dev/null +++ b/experiment/PAC/results_caseI/2/output.txt @@ -0,0 +1,49 @@ +Number of Grid-Elements in each direction: [16,16,16] +Solver-type used: GMRES-Solver +---------- OUTPUT ---------- + -------------------- +Corrector-Matrix M_1: +0.10912 -2.31806e-17 0 +-2.31806e-17 -0.0354366 0 +0 0 0 + + -------------------- +Corrector-Matrix M_2: +-8.47886e-11 -2.06067e-17 0 +-2.06067e-17 0.0338638 0 +0 0 0 + + -------------------- +Corrector-Matrix M_3: +2.57958e-14 0.0220502 0 +0.0220502 -1.41798e-14 0 +0 0 0 + + -------------------- +--- Effective moduli --- +Qeff_: +0.106184 0.0415031 -5.45262e-18 +0.0415031 0.0869274 -4.45231e-18 +8.9703e-15 1.61473e-14 0.0454953 + +------------------------ +--- Prestrain Output --- +Bhat_: -0.0400313 0.000342489 5.69283e-15 +Beff_: -0.465386 0.226136 1.36629e-13 (Effective Prestrain) +------------------------ +size of FiniteElementBasis: 13056 +q1=0.106184 +q2=0.0869274 +q3=0.0454953 +q12=0.0415031 +q23=-4.45231e-18 +q_onetwo=0.041503 +b1=-0.465386 +b2=0.226136 +b3=0.000000 +mu_gamma=0.045495 +--------------------------------------------------------------------------------------------------------------------------------------- + Levels | q1 | q2 | q3 | q12 | q23 | b1 | b2 | b3 | +--------------------------------------------------------------------------------------------------------------------------------------- + 4 & 1.06184e-01 & 8.69274e-02 & 4.54953e-02 & 4.15031e-02 & -4.45231e-18 & -4.65386e-01 & 2.26136e-01 & 1.36629e-13 & +--------------------------------------------------------------------------------------------------------------------------------------- diff --git a/experiment/PAC/results_caseI/2/parameter.txt b/experiment/PAC/results_caseI/2/parameter.txt new file mode 100644 index 0000000000000000000000000000000000000000..f671a1e8ce9d09b7550d52d84a0c733fa381a9da --- /dev/null +++ b/experiment/PAC/results_caseI/2/parameter.txt @@ -0,0 +1 @@ +param_eigenstrain = 0.3 diff --git a/experiment/PAC/results_caseI/kappa_simulation.txt b/experiment/PAC/results_caseI/kappa_simulation.txt new file mode 100644 index 0000000000000000000000000000000000000000..96b735978a12c3e861f40f2ceedc9dff83686b2f --- /dev/null +++ b/experiment/PAC/results_caseI/kappa_simulation.txt @@ -0,0 +1 @@ +kappa = [0.12374582 0.25083612 0.37792642]deflection angle = [144.54943408 108.14074476 71.73205544] \ No newline at end of file diff --git a/experiment/PAC/results_caseII/0/BMatrix.txt b/experiment/PAC/results_caseII/0/BMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..73148e7cf12faa2797d54d099ce877970459a3e6 --- /dev/null +++ b/experiment/PAC/results_caseII/0/BMatrix.txt @@ -0,0 +1,3 @@ +1 1 -0.176105933438936185 +1 2 0.0721355701679945172 +1 3 3.25866723985623459e-13 diff --git a/experiment/PAC/results_caseII/0/QMatrix.txt b/experiment/PAC/results_caseII/0/QMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..9e933460298810602fe9d4ef51620d5d993afa95 --- /dev/null +++ b/experiment/PAC/results_caseII/0/QMatrix.txt @@ -0,0 +1,9 @@ +1 1 0.136783843691014512 +1 2 0.0716459931790193044 +1 3 -2.88680318469746051e-18 +2 1 0.0716459931785583676 +2 2 0.125971940776556296 +2 3 1.0524205680923487e-17 +3 1 -2.72367505932942348e-14 +3 2 -3.7445497136832156e-14 +3 3 0.0512382871581720176 diff --git a/experiment/PAC/results_caseII/0/output.txt b/experiment/PAC/results_caseII/0/output.txt new file mode 100644 index 0000000000000000000000000000000000000000..63435f21fe768a9c97fa9fcc1dcca6a5d66b3d0a --- /dev/null +++ b/experiment/PAC/results_caseII/0/output.txt @@ -0,0 +1,49 @@ +Number of Grid-Elements in each direction: [4,4,4] +Solver-type used: GMRES-Solver +---------- OUTPUT ---------- + -------------------- +Corrector-Matrix M_1: +0.134984 -1.77974e-17 0 +-1.77974e-17 -0.0203649 0 +0 0 0 + + -------------------- +Corrector-Matrix M_2: +-1.00897e-12 6.26397e-17 0 +6.26397e-17 0.0938183 0 +0 0 0 + + -------------------- +Corrector-Matrix M_3: +-3.68695e-14 0.0463744 0 +0.0463744 -2.64134e-14 0 +0 0 0 + + -------------------- +--- Effective moduli --- +Qeff_: +0.136784 0.071646 -2.8868e-18 +0.071646 0.125972 1.05242e-17 +-2.72368e-14 -3.74455e-14 0.0512383 + +------------------------ +--- Prestrain Output --- +Bhat_: -0.0189202 -0.00353023 1.87923e-14 +Beff_: -0.176106 0.0721356 3.25867e-13 (Effective Prestrain) +------------------------ +size of FiniteElementBasis: 240 +q1=0.136784 +q2=0.125972 +q3=0.0512383 +q12=0.071646 +q23=1.05242e-17 +q_onetwo=0.071646 +b1=-0.176106 +b2=0.072136 +b3=0.000000 +mu_gamma=0.051238 +--------------------------------------------------------------------------------------------------------------------------------------- + Levels | q1 | q2 | q3 | q12 | q23 | b1 | b2 | b3 | +--------------------------------------------------------------------------------------------------------------------------------------- + 2 & 1.36784e-01 & 1.25972e-01 & 5.12383e-02 & 7.16460e-02 & 1.05242e-17 & -1.76106e-01 & 7.21356e-02 & 3.25867e-13 & +--------------------------------------------------------------------------------------------------------------------------------------- diff --git a/experiment/PAC/results_caseII/0/parameter.txt b/experiment/PAC/results_caseII/0/parameter.txt new file mode 100644 index 0000000000000000000000000000000000000000..2205ab02b6a8e1c39fe376bf8b0efb84106dc898 --- /dev/null +++ b/experiment/PAC/results_caseII/0/parameter.txt @@ -0,0 +1 @@ +param_eigenstrain = 0.1 diff --git a/experiment/PAC/results_caseII/1/BMatrix.txt b/experiment/PAC/results_caseII/1/BMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..28c38be99f8482a5df42f5aa607a8afb84921c6c --- /dev/null +++ b/experiment/PAC/results_caseII/1/BMatrix.txt @@ -0,0 +1,3 @@ +1 1 -0.353811214406581143 +1 2 0.144926256513094931 +1 3 6.54692883406030472e-13 diff --git a/experiment/PAC/results_caseII/1/QMatrix.txt b/experiment/PAC/results_caseII/1/QMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..9e933460298810602fe9d4ef51620d5d993afa95 --- /dev/null +++ b/experiment/PAC/results_caseII/1/QMatrix.txt @@ -0,0 +1,9 @@ +1 1 0.136783843691014512 +1 2 0.0716459931790193044 +1 3 -2.88680318469746051e-18 +2 1 0.0716459931785583676 +2 2 0.125971940776556296 +2 3 1.0524205680923487e-17 +3 1 -2.72367505932942348e-14 +3 2 -3.7445497136832156e-14 +3 3 0.0512382871581720176 diff --git a/experiment/PAC/results_caseII/1/output.txt b/experiment/PAC/results_caseII/1/output.txt new file mode 100644 index 0000000000000000000000000000000000000000..41c1920fe67208755e64e8d2fa2dd376d6e326fa --- /dev/null +++ b/experiment/PAC/results_caseII/1/output.txt @@ -0,0 +1,49 @@ +Number of Grid-Elements in each direction: [4,4,4] +Solver-type used: GMRES-Solver +---------- OUTPUT ---------- + -------------------- +Corrector-Matrix M_1: +0.134984 -1.77974e-17 0 +-1.77974e-17 -0.0203649 0 +0 0 0 + + -------------------- +Corrector-Matrix M_2: +-1.00897e-12 6.26397e-17 0 +6.26397e-17 0.0938183 0 +0 0 0 + + -------------------- +Corrector-Matrix M_3: +-3.68695e-14 0.0463744 0 +0.0463744 -2.64134e-14 0 +0 0 0 + + -------------------- +--- Effective moduli --- +Qeff_: +0.136784 0.071646 -2.8868e-18 +0.071646 0.125972 1.05242e-17 +-2.72368e-14 -3.74455e-14 0.0512383 + +------------------------ +--- Prestrain Output --- +Bhat_: -0.0380123 -0.00709251 3.77552e-14 +Beff_: -0.353811 0.144926 6.54693e-13 (Effective Prestrain) +------------------------ +size of FiniteElementBasis: 240 +q1=0.136784 +q2=0.125972 +q3=0.0512383 +q12=0.071646 +q23=1.05242e-17 +q_onetwo=0.071646 +b1=-0.353811 +b2=0.144926 +b3=0.000000 +mu_gamma=0.051238 +--------------------------------------------------------------------------------------------------------------------------------------- + Levels | q1 | q2 | q3 | q12 | q23 | b1 | b2 | b3 | +--------------------------------------------------------------------------------------------------------------------------------------- + 2 & 1.36784e-01 & 1.25972e-01 & 5.12383e-02 & 7.16460e-02 & 1.05242e-17 & -3.53811e-01 & 1.44926e-01 & 6.54693e-13 & +--------------------------------------------------------------------------------------------------------------------------------------- diff --git a/experiment/PAC/results_caseII/1/parameter.txt b/experiment/PAC/results_caseII/1/parameter.txt new file mode 100644 index 0000000000000000000000000000000000000000..b61ea36b5699b8bfcadf4fc9de4c123e96680cbd --- /dev/null +++ b/experiment/PAC/results_caseII/1/parameter.txt @@ -0,0 +1 @@ +param_eigenstrain = 0.2 diff --git a/experiment/PAC/results_caseII/2/BMatrix.txt b/experiment/PAC/results_caseII/2/BMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..208b54f4e9d93558c4015b06e33ecf0d08abdd5c --- /dev/null +++ b/experiment/PAC/results_caseII/2/BMatrix.txt @@ -0,0 +1,3 @@ +1 1 -0.531516495374226294 +1 2 0.217716942858195373 +1 3 9.83519042826437182e-13 diff --git a/experiment/PAC/results_caseII/2/QMatrix.txt b/experiment/PAC/results_caseII/2/QMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..9e933460298810602fe9d4ef51620d5d993afa95 --- /dev/null +++ b/experiment/PAC/results_caseII/2/QMatrix.txt @@ -0,0 +1,9 @@ +1 1 0.136783843691014512 +1 2 0.0716459931790193044 +1 3 -2.88680318469746051e-18 +2 1 0.0716459931785583676 +2 2 0.125971940776556296 +2 3 1.0524205680923487e-17 +3 1 -2.72367505932942348e-14 +3 2 -3.7445497136832156e-14 +3 3 0.0512382871581720176 diff --git a/experiment/PAC/results_caseII/2/output.txt b/experiment/PAC/results_caseII/2/output.txt new file mode 100644 index 0000000000000000000000000000000000000000..7162a8b9b34c78244cebdb1c52ef2fa6909f3368 --- /dev/null +++ b/experiment/PAC/results_caseII/2/output.txt @@ -0,0 +1,49 @@ +Number of Grid-Elements in each direction: [4,4,4] +Solver-type used: GMRES-Solver +---------- OUTPUT ---------- + -------------------- +Corrector-Matrix M_1: +0.134984 -1.77974e-17 0 +-1.77974e-17 -0.0203649 0 +0 0 0 + + -------------------- +Corrector-Matrix M_2: +-1.00897e-12 6.26397e-17 0 +6.26397e-17 0.0938183 0 +0 0 0 + + -------------------- +Corrector-Matrix M_3: +-3.68695e-14 0.0463744 0 +0.0463744 -2.64134e-14 0 +0 0 0 + + -------------------- +--- Effective moduli --- +Qeff_: +0.136784 0.071646 -2.8868e-18 +0.071646 0.125972 1.05242e-17 +-2.72368e-14 -3.74455e-14 0.0512383 + +------------------------ +--- Prestrain Output --- +Bhat_: -0.0571043 -0.0106548 5.67181e-14 +Beff_: -0.531516 0.217717 9.83519e-13 (Effective Prestrain) +------------------------ +size of FiniteElementBasis: 240 +q1=0.136784 +q2=0.125972 +q3=0.0512383 +q12=0.071646 +q23=1.05242e-17 +q_onetwo=0.071646 +b1=-0.531516 +b2=0.217717 +b3=0.000000 +mu_gamma=0.051238 +--------------------------------------------------------------------------------------------------------------------------------------- + Levels | q1 | q2 | q3 | q12 | q23 | b1 | b2 | b3 | +--------------------------------------------------------------------------------------------------------------------------------------- + 2 & 1.36784e-01 & 1.25972e-01 & 5.12383e-02 & 7.16460e-02 & 1.05242e-17 & -5.31516e-01 & 2.17717e-01 & 9.83519e-13 & +--------------------------------------------------------------------------------------------------------------------------------------- diff --git a/experiment/PAC/results_caseII/2/parameter.txt b/experiment/PAC/results_caseII/2/parameter.txt new file mode 100644 index 0000000000000000000000000000000000000000..f671a1e8ce9d09b7550d52d84a0c733fa381a9da --- /dev/null +++ b/experiment/PAC/results_caseII/2/parameter.txt @@ -0,0 +1 @@ +param_eigenstrain = 0.3 diff --git a/experiment/PAC/results_caseII/kappa_simulation.txt b/experiment/PAC/results_caseII/kappa_simulation.txt new file mode 100644 index 0000000000000000000000000000000000000000..53c64a0425f1cc08ee9762073239918fb0dfbe34 --- /dev/null +++ b/experiment/PAC/results_caseII/kappa_simulation.txt @@ -0,0 +1 @@ +kappa = [0.13712375 0.27759197 0.4180602 ]deflection angle = [140.71694047 100.47575753 60.2345746 ] \ No newline at end of file diff --git a/experiment/PAC/results_caseI_gridleve4/0/BMatrix.txt b/experiment/PAC/results_caseI_gridleve4/0/BMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..ec50767e430e20bc28f6b387408e89791bf8d050 --- /dev/null +++ b/experiment/PAC/results_caseI_gridleve4/0/BMatrix.txt @@ -0,0 +1,3 @@ +1 1 -0.189235216298097031 +1 2 0.0929669821405081087 +1 3 1.11197839442292057e-13 diff --git a/experiment/PAC/results_caseI_gridleve4/0/QMatrix.txt b/experiment/PAC/results_caseI_gridleve4/0/QMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..7bf4187316ea695babbbf77c688cba6df862cee2 --- /dev/null +++ b/experiment/PAC/results_caseI_gridleve4/0/QMatrix.txt @@ -0,0 +1,9 @@ +1 1 0.112853780106589169 +1 2 0.0453671737788576002 +1 3 1.63847936508322898e-17 +2 1 0.0453671738163330951 +2 2 0.0947606395233518278 +2 3 -2.82168180366449275e-17 +3 1 2.61992071822174901e-14 +3 2 2.57914761054870316e-14 +3 3 0.0497732146096444839 diff --git a/experiment/PAC/results_caseI_gridleve4/0/output.txt b/experiment/PAC/results_caseI_gridleve4/0/output.txt new file mode 100644 index 0000000000000000000000000000000000000000..ed2e88399138b2e182ead1cca08dfbddc2233b49 --- /dev/null +++ b/experiment/PAC/results_caseI_gridleve4/0/output.txt @@ -0,0 +1,49 @@ +Number of Grid-Elements in each direction: [16,16,16] +Solver-type used: GMRES-Solver +---------- OUTPUT ---------- + -------------------- +Corrector-Matrix M_1: +0.131742 7.78554e-17 0 +7.78554e-17 -0.0318465 0 +0 0 0 + + -------------------- +Corrector-Matrix M_2: +-2.46692e-13 -1.51687e-16 0 +-1.51687e-16 0.0640375 0 +0 0 0 + + -------------------- +Corrector-Matrix M_3: +1.17136e-14 0.0389211 0 +0.0389211 2.71988e-14 0 +0 0 0 + + -------------------- +--- Effective moduli --- +Qeff_: +0.112854 0.0453672 1.63848e-17 +0.0453672 0.0947606 -2.82168e-17 +2.61992e-14 2.57915e-14 0.0497732 + +------------------------ +--- Prestrain Output --- +Bhat_: -0.0171383 0.000224544 2.97462e-15 +Beff_: -0.189235 0.092967 1.11198e-13 (Effective Prestrain) +------------------------ +size of FiniteElementBasis: 13056 +q1=0.112854 +q2=0.0947606 +q3=0.0497732 +q12=0.0453672 +q23=-2.82168e-17 +q_onetwo=0.045367 +b1=-0.189235 +b2=0.092967 +b3=0.000000 +mu_gamma=0.049773 +--------------------------------------------------------------------------------------------------------------------------------------- + Levels | q1 | q2 | q3 | q12 | q23 | b1 | b2 | b3 | +--------------------------------------------------------------------------------------------------------------------------------------- + 4 & 1.12854e-01 & 9.47606e-02 & 4.97732e-02 & 4.53672e-02 & -2.82168e-17 & -1.89235e-01 & 9.29670e-02 & 1.11198e-13 & +--------------------------------------------------------------------------------------------------------------------------------------- diff --git a/experiment/PAC/results_caseI_gridleve4/0/parameter.txt b/experiment/PAC/results_caseI_gridleve4/0/parameter.txt new file mode 100644 index 0000000000000000000000000000000000000000..2205ab02b6a8e1c39fe376bf8b0efb84106dc898 --- /dev/null +++ b/experiment/PAC/results_caseI_gridleve4/0/parameter.txt @@ -0,0 +1 @@ +param_eigenstrain = 0.1 diff --git a/experiment/PAC/results_caseI_gridleve4/1/BMatrix.txt b/experiment/PAC/results_caseI_gridleve4/1/BMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..d6f7253c86a05c098749758734594a7dd5ad24d7 --- /dev/null +++ b/experiment/PAC/results_caseI_gridleve4/1/BMatrix.txt @@ -0,0 +1,3 @@ +1 1 -0.380189016800717483 +1 2 0.186778265834259966 +1 3 2.23405548263979186e-13 diff --git a/experiment/PAC/results_caseI_gridleve4/1/QMatrix.txt b/experiment/PAC/results_caseI_gridleve4/1/QMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..7bf4187316ea695babbbf77c688cba6df862cee2 --- /dev/null +++ b/experiment/PAC/results_caseI_gridleve4/1/QMatrix.txt @@ -0,0 +1,9 @@ +1 1 0.112853780106589169 +1 2 0.0453671737788576002 +1 3 1.63847936508322898e-17 +2 1 0.0453671738163330951 +2 2 0.0947606395233518278 +2 3 -2.82168180366449275e-17 +3 1 2.61992071822174901e-14 +3 2 2.57914761054870316e-14 +3 3 0.0497732146096444839 diff --git a/experiment/wood-bilayer/results/5/output.txt b/experiment/PAC/results_caseI_gridleve4/1/output.txt similarity index 63% rename from experiment/wood-bilayer/results/5/output.txt rename to experiment/PAC/results_caseI_gridleve4/1/output.txt index f9656ea81e1bc6415356cef086d0543e77272649..3f83262b0ed23d857361f87ad896b68d607cc7c0 100644 --- a/experiment/wood-bilayer/results/5/output.txt +++ b/experiment/PAC/results_caseI_gridleve4/1/output.txt @@ -3,47 +3,47 @@ Solver-type used: GMRES-Solver ---------- OUTPUT ---------- -------------------- Corrector-Matrix M_1: --0.227431 4.59477e-27 0 -4.59477e-27 0.0135725 0 +0.131742 7.78554e-17 0 +7.78554e-17 -0.0318465 0 0 0 0 -------------------- Corrector-Matrix M_2: --0.00336484 3.60248e-27 0 -3.60248e-27 0.109684 0 +-2.46692e-13 -1.51687e-16 0 +-1.51687e-16 0.0640375 0 0 0 0 -------------------- Corrector-Matrix M_3: -0 0.0205697 0 -0.0205697 0 0 +1.17136e-14 0.0389211 0 +0.0389211 2.71988e-14 0 0 0 0 -------------------- --- Effective moduli --- Qeff_: -355.989 27.3425 -1.18907e-24 -27.3425 590.573 1.55096e-25 --1.32588e-33 -1.3937e-33 96.1398 +0.112854 0.0453672 1.63848e-17 +0.0453672 0.0947606 -2.82168e-17 +2.61992e-14 2.57915e-14 0.0497732 ------------------------ --- Prestrain Output --- -Bhat_: 1335.06 -485.441 9.41494e-33 -Beff_: 3.82702 -0.999167 1.36224e-34 (Effective Prestrain) +Bhat_: -0.0344322 0.000451127 5.97625e-15 +Beff_: -0.380189 0.186778 2.23406e-13 (Effective Prestrain) ------------------------ size of FiniteElementBasis: 13056 -q1=355.989 -q2=590.573 -q3=96.1398 -q12=27.3425 -q23=1.55096e-25 -q_onetwo=27.342522 -b1=3.827015 -b2=-0.999167 +q1=0.112854 +q2=0.0947606 +q3=0.0497732 +q12=0.0453672 +q23=-2.82168e-17 +q_onetwo=0.045367 +b1=-0.380189 +b2=0.186778 b3=0.000000 -mu_gamma=96.139782 +mu_gamma=0.049773 --------------------------------------------------------------------------------------------------------------------------------------- Levels | q1 | q2 | q3 | q12 | q23 | b1 | b2 | b3 | --------------------------------------------------------------------------------------------------------------------------------------- - 4 & 3.55989e+02 & 5.90573e+02 & 9.61398e+01 & 2.73425e+01 & 1.55096e-25 & 3.82702e+00 & -9.99167e-01 & 1.36224e-34 & + 4 & 1.12854e-01 & 9.47606e-02 & 4.97732e-02 & 4.53672e-02 & -2.82168e-17 & -3.80189e-01 & 1.86778e-01 & 2.23406e-13 & --------------------------------------------------------------------------------------------------------------------------------------- diff --git a/experiment/PAC/results_caseI_gridleve4/1/parameter.txt b/experiment/PAC/results_caseI_gridleve4/1/parameter.txt new file mode 100644 index 0000000000000000000000000000000000000000..b61ea36b5699b8bfcadf4fc9de4c123e96680cbd --- /dev/null +++ b/experiment/PAC/results_caseI_gridleve4/1/parameter.txt @@ -0,0 +1 @@ +param_eigenstrain = 0.2 diff --git a/experiment/PAC/results_caseI_gridleve4/2/BMatrix.txt b/experiment/PAC/results_caseI_gridleve4/2/BMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..955a1e526b303682a01635c7fd261556674b069e --- /dev/null +++ b/experiment/PAC/results_caseI_gridleve4/2/BMatrix.txt @@ -0,0 +1,3 @@ +1 1 -0.559417496401962033 +1 2 0.287120053374261774 +1 3 -1.58312175564728223e-12 diff --git a/experiment/PAC/results_caseI_gridleve4/2/QMatrix.txt b/experiment/PAC/results_caseI_gridleve4/2/QMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..ea7a858df8c07d46c13a8715aed9bd281ed9ace2 --- /dev/null +++ b/experiment/PAC/results_caseI_gridleve4/2/QMatrix.txt @@ -0,0 +1,9 @@ +1 1 0.113342880027016188 +1 2 0.0505713795862981971 +1 3 -1.09665395166927383e-17 +2 1 0.0505713796174910857 +2 2 0.100490632876382435 +2 3 -3.44770504670767114e-18 +3 1 -1.41353424224383735e-13 +3 2 -1.50227418797350745e-13 +3 3 0.0493555308618608343 diff --git a/experiment/PAC/results_caseI_gridleve4/2/output.txt b/experiment/PAC/results_caseI_gridleve4/2/output.txt new file mode 100644 index 0000000000000000000000000000000000000000..99f7b04aed50a6f5f8b809662c422788b272d41a --- /dev/null +++ b/experiment/PAC/results_caseI_gridleve4/2/output.txt @@ -0,0 +1 @@ +Number of Grid-Elements in each direction: [16,16,16] diff --git a/experiment/PAC/results_caseI_gridleve4/2/parameter.txt b/experiment/PAC/results_caseI_gridleve4/2/parameter.txt new file mode 100644 index 0000000000000000000000000000000000000000..f671a1e8ce9d09b7550d52d84a0c733fa381a9da --- /dev/null +++ b/experiment/PAC/results_caseI_gridleve4/2/parameter.txt @@ -0,0 +1 @@ +param_eigenstrain = 0.3 diff --git a/experiment/PAC/results_caseI_gridleve4/kappa_simulation.txt b/experiment/PAC/results_caseI_gridleve4/kappa_simulation.txt new file mode 100644 index 0000000000000000000000000000000000000000..7ca98bab655ddd7aad20d97981ba5607b5f154e3 --- /dev/null +++ b/experiment/PAC/results_caseI_gridleve4/kappa_simulation.txt @@ -0,0 +1 @@ +kappa = [0.15050167 0.30434783 0.43143813]deflection angle = [136.88444685 92.81077031 56.40208098] \ No newline at end of file diff --git a/experiment/theoretical/PolarPlotLocalEnergy.py b/experiment/theoretical/PolarPlotLocalEnergy.py new file mode 100644 index 0000000000000000000000000000000000000000..808717a119e6452c326ed19326027c12573be8a7 --- /dev/null +++ b/experiment/theoretical/PolarPlotLocalEnergy.py @@ -0,0 +1,103 @@ +#!/usr/bin/env python3 +# -*- coding: utf-8 -*- +""" +Created on Wed Jul 6 13:17:28 2022 + +@author: stefan +""" +import numpy as np +import matplotlib.pyplot as plt +import matplotlib.colors as colors +import codecs + + + +def energy(kappa,alpha,Q,B) : + G=kappa*np.array([[np.cos(alpha)**2],[np.sin(alpha)**2],[np.sqrt(2)*np.cos(alpha)*np.sin(alpha)]])-B + return np.matmul(np.transpose(G),np.matmul(Q,G))[0,0] + +def xytokappaalpha(x,y): + + if y>0: + return [np.sqrt(x**2+y**2), np.abs(np.arctan2(y,x))] + else: + return [-np.sqrt(x**2+y**2), np.abs(np.arctan2(y,x))] + +# Read effective quantites +def ReadEffectiveQuantities(QFilePath, BFilePath): + # Read Output Matrices (effective quantities) + # From Cell-Problem output Files : ../outputs/Qmatrix.txt , ../outputs/Bmatrix.txt + # -- Read Matrix Qhom + X = [] + # with codecs.open(path + '/outputs/QMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(QFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + Q = np.array([[X[0][2], X[1][2], X[2][2]], + [X[3][2], X[4][2], X[5][2]], + [X[6][2], X[7][2], X[8][2]] ]) + + # -- Read Beff (as Vector) + X = [] + # with codecs.open(path + '/outputs/BMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(BFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + B = np.array([X[0][2], X[1][2], X[2][2]]) + return Q, B + +number=4 +kappa=np.zeros(number) +select=range(0,number) +select=[3] +for n in select: + # Read from Date + print(str(n)) + Path='./experiment/theoretical/results_test1/' + Path="./results_test1/" + DataPath = Path+str(n) + QFilePath = DataPath + '/QMatrix.txt' + BFilePath = DataPath + '/BMatrix.txt' + Q, B = ReadEffectiveQuantities(QFilePath,BFilePath) + # Q=0.5*(np.transpose(Q)+Q) # symmetrize + B=np.transpose([B]) + # + + N=500 + length=0.8 + r, theta = np.meshgrid(np.linspace(0,length,N),np.radians(np.linspace(0, 360, N))) + E=np.zeros(np.shape(r)) + for i in range(0,N): + for j in range(0,N): + if theta[i,j]<np.pi: + E[i,j]=energy(r[i,j],theta[i,j],Q,B) + else: + E[i,j]=energy(-r[i,j],theta[i,j],Q,B) + + # Compute Minimizer + [imin,jmin]=np.unravel_index(E.argmin(),(N,N)) + kappamin=r[imin,jmin] + alphamin=theta[imin,jmin] + kappa[n]=kappamin + fig, ax = plt.subplots(figsize=(6,6),subplot_kw=dict(projection='polar')) + levs=np.geomspace(E.min(),E.max(),400) + pcm=ax.contourf(theta, r, E, levs, norm=colors.PowerNorm(gamma=0.2), cmap='brg') + ax.set_xticks([0,np.pi/2]) + ax.set_yticks([kappamin]) + colorbarticks=np.linspace(E.min(),E.max(),6) + plt.colorbar(pcm, extend='max', ticks=colorbarticks, pad=0.1) + plt.show() + print("Symmetrigap: "+str(energy(-kappamin,0,Q,B)-energy(kappamin,np.pi/2,Q,B))) + + +f = open(Path+"kappa_simulation.txt", "w") +f.write("kappa = "+str(kappa)) +f.write("deflection angle = "+str(deflection)) +f.close() + +theta_n=[1, 2, 4] +plt.scatter(theta_n, kappa, marker='x') +plt.show() + diff --git a/experiment/theoretical/__pycache__/elasticity_toolbox.cpython-310.pyc b/experiment/theoretical/__pycache__/elasticity_toolbox.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..f238d4d11175df4f7a50d05fc6a14ce748a263eb Binary files /dev/null and b/experiment/theoretical/__pycache__/elasticity_toolbox.cpython-310.pyc differ diff --git a/experiment/theoretical/__pycache__/theoretical_material.cpython-310.pyc b/experiment/theoretical/__pycache__/theoretical_material.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..0ccdeffe72fe22cbe43c791e93be6a6d7dfa136f Binary files /dev/null and b/experiment/theoretical/__pycache__/theoretical_material.cpython-310.pyc differ diff --git a/experiment/theoretical/__pycache__/theoretical_material1.cpython-310.pyc b/experiment/theoretical/__pycache__/theoretical_material1.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..9e290c59f3289d569428be6115a4d03616e4182c Binary files /dev/null and b/experiment/theoretical/__pycache__/theoretical_material1.cpython-310.pyc differ diff --git a/experiment/theoretical/__pycache__/theoretical_material2.cpython-310.pyc b/experiment/theoretical/__pycache__/theoretical_material2.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..da04467776e45dc6aadb503e4d61d620f62be8b7 Binary files /dev/null and b/experiment/theoretical/__pycache__/theoretical_material2.cpython-310.pyc differ diff --git a/experiment/theoretical/__pycache__/theoretical_material3.cpython-310.pyc b/experiment/theoretical/__pycache__/theoretical_material3.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..2e172f9492c8a6a2fb3246aa022a90a510103c42 Binary files /dev/null and b/experiment/theoretical/__pycache__/theoretical_material3.cpython-310.pyc differ diff --git a/experiment/theoretical/auswertung_test1.py b/experiment/theoretical/auswertung_test1.py new file mode 100644 index 0000000000000000000000000000000000000000..09e4a5d6d1c280f5169fd5e636c0558e5d17cee3 --- /dev/null +++ b/experiment/theoretical/auswertung_test1.py @@ -0,0 +1,29 @@ +#!/usr/bin/env python3 +# -*- coding: utf-8 -*- +""" +Created on Wed Jul 6 13:17:28 2022 + +@author: stefan +""" +import numpy as np +import matplotlib.pyplot as plt +import matplotlib.colors as colors +from matplotlib.ticker import StrMethodFormatter +import codecs + +kappa=[0.01274549, 0.03967936, 0.06348697, 0.07406814] +theta_r=[1/8, 1/4, 3/8, 1/2] +# plotting a line plot after changing it's width and height +f = plt.figure() +f.set_figwidth(3) +f.set_figheight(3) +plt.gca().yaxis.set_major_formatter(StrMethodFormatter('{x:,.3f}')) # 2 decimal places +plt.gca().xaxis.set_major_formatter(StrMethodFormatter('{x:,.3f}')) # 2 decimal places +plt.scatter(theta_r, kappa, marker='D') +plt.xticks(theta_r) +plt.yticks(kappa) +plt.ylabel(r"$\kappa$") +plt.xlabel(r"$r$") +plt.legend() +plt.show() + diff --git a/experiment/theoretical/auswertung_test2.py b/experiment/theoretical/auswertung_test2.py new file mode 100644 index 0000000000000000000000000000000000000000..402b7f82879f4f07d7457c43020af980013ec7bf --- /dev/null +++ b/experiment/theoretical/auswertung_test2.py @@ -0,0 +1,102 @@ +#!/usr/bin/env python3 +# -*- coding: utf-8 -*- +""" +Created on Wed Jul 6 13:17:28 2022 + +@author: stefan +""" +import numpy as np +import matplotlib.pyplot as plt +import matplotlib.colors as colors +import codecs + + + +def energy(kappa,alpha,Q,B) : + G=kappa*np.array([[np.cos(alpha)**2],[np.sin(alpha)**2],[np.sqrt(2)*np.cos(alpha)*np.sin(alpha)]])-B + return np.matmul(np.transpose(G),np.matmul(Q,G))[0,0] + +def xytokappaalpha(x,y): + + if y>0: + return [np.sqrt(x**2+y**2), np.abs(np.arctan2(y,x))] + else: + return [-np.sqrt(x**2+y**2), np.abs(np.arctan2(y,x))] + +# Read effective quantites +def ReadEffectiveQuantities(QFilePath, BFilePath): + # Read Output Matrices (effective quantities) + # From Cell-Problem output Files : ../outputs/Qmatrix.txt , ../outputs/Bmatrix.txt + # -- Read Matrix Qhom + X = [] + # with codecs.open(path + '/outputs/QMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(QFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + Q = np.array([[X[0][2], X[1][2], X[2][2]], + [X[3][2], X[4][2], X[5][2]], + [X[6][2], X[7][2], X[8][2]] ]) + + # -- Read Beff (as Vector) + X = [] + # with codecs.open(path + '/outputs/BMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(BFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + B = np.array([X[0][2], X[1][2], X[2][2]]) + return Q, B + +number=3 +kappa=np.zeros(number) +select=range(0,number) +#select=[0] +for n in select: + # Read from Date + print(str(n)) + # Path='./experiment/theoretical/results_test2/' + Path="./results_test2/" + DataPath = Path+str(n) + QFilePath = DataPath + '/QMatrix.txt' + BFilePath = DataPath + '/BMatrix.txt' + Q, B = ReadEffectiveQuantities(QFilePath,BFilePath) + # Q=0.5*(np.transpose(Q)+Q) # symmetrize + B=np.transpose([B]) + # + + N=500 + length=0.8 + r, theta = np.meshgrid(np.linspace(0,length,N),np.radians(np.linspace(0, 360, N))) + E=np.zeros(np.shape(r)) + for i in range(0,N): + for j in range(0,N): + if theta[i,j]<np.pi: + E[i,j]=energy(r[i,j],theta[i,j],Q,B) + else: + E[i,j]=energy(-r[i,j],theta[i,j],Q,B) + + # Compute Minimizer + [imin,jmin]=np.unravel_index(E.argmin(),(N,N)) + kappamin=r[imin,jmin] + alphamin=theta[imin,jmin] + kappa[n]=kappamin + fig, ax = plt.subplots(figsize=(6,6),subplot_kw=dict(projection='polar')) + levs=np.geomspace(E.min(),E.max(),400) + pcm=ax.contourf(theta, r, E, levs, norm=colors.PowerNorm(gamma=0.2), cmap='brg') + ax.set_xticks([0,np.pi/2]) + ax.set_yticks([kappamin]) + colorbarticks=np.linspace(E.min(),E.max(),6) + #plt.colorbar(pcm, extend='max', ticks=colorbarticks, pad=0.1) + plt.show() + print("Symmetrigap: "+str(np.abs(energy(-kappamin,0,Q,B)-energy(kappamin,np.pi/2,Q,B))/E.min())) + + +f = open(Path+"kappa_simulation.txt", "w") +f.write("kappa = "+str(kappa)) +f.close() + +theta_n=[1, 2, 4] +plt.scatter(theta_n, kappa, marker='x') +plt.show() + diff --git a/experiment/theoretical/auswertung_test3.py b/experiment/theoretical/auswertung_test3.py new file mode 100644 index 0000000000000000000000000000000000000000..7e09b89a4a9d29f210ac500714748dee32c885f1 --- /dev/null +++ b/experiment/theoretical/auswertung_test3.py @@ -0,0 +1,103 @@ +#!/usr/bin/env python3 +# -*- coding: utf-8 -*- +""" +Created on Wed Jul 6 13:17:28 2022 + +@author: stefan +""" +import numpy as np +import matplotlib.pyplot as plt +import matplotlib.colors as colors +import codecs + + + +def energy(kappa,alpha,Q,B) : + G=kappa*np.array([[np.cos(alpha)**2],[np.sin(alpha)**2],[np.sqrt(2)*np.cos(alpha)*np.sin(alpha)]])-B + return np.matmul(np.transpose(G),np.matmul(Q,G))[0,0] + +def xytokappaalpha(x,y): + + if y>0: + return [np.sqrt(x**2+y**2), np.abs(np.arctan2(y,x))] + else: + return [-np.sqrt(x**2+y**2), np.abs(np.arctan2(y,x))] + +# Read effective quantites +def ReadEffectiveQuantities(QFilePath, BFilePath): + # Read Output Matrices (effective quantities) + # From Cell-Problem output Files : ../outputs/Qmatrix.txt , ../outputs/Bmatrix.txt + # -- Read Matrix Qhom + X = [] + # with codecs.open(path + '/outputs/QMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(QFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + Q = np.array([[X[0][2], X[1][2], X[2][2]], + [X[3][2], X[4][2], X[5][2]], + [X[6][2], X[7][2], X[8][2]] ]) + + # -- Read Beff (as Vector) + X = [] + # with codecs.open(path + '/outputs/BMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(BFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + B = np.array([X[0][2], X[1][2], X[2][2]]) + return Q, B + +number=1 +kappa=np.zeros(number) +select=range(0,number) +#select=[0] +for n in select: + # Read from Date + print(str(n)) + # Path='./experiment/theoretical/results_test2/' + Path="./results_test3/" + DataPath = Path+str(n) + QFilePath = DataPath + '/QMatrix.txt' + BFilePath = DataPath + '/BMatrix.txt' + Q, B = ReadEffectiveQuantities(QFilePath,BFilePath) + # Q=0.5*(np.transpose(Q)+Q) # symmetrize + B=np.transpose([B]) + # + + N=500 + length=0.3 + r, theta = np.meshgrid(np.linspace(0,length,N),np.radians(np.linspace(0, 360, N))) + E=np.zeros(np.shape(r)) + for i in range(0,N): + for j in range(0,N): + if theta[i,j]<np.pi: + E[i,j]=energy(r[i,j],theta[i,j],Q,B) + else: + E[i,j]=energy(-r[i,j],theta[i,j],Q,B) + + # Compute Minimizer + [imin,jmin]=np.unravel_index(E.argmin(),(N,N)) + kappamin=r[imin,jmin] + alphamin=theta[imin,jmin] + kappa[n]=kappamin + fig, ax = plt.subplots(figsize=(6,6),subplot_kw=dict(projection='polar')) + levs=np.geomspace(E.min(),E.max(),400) + pcm=ax.contourf(theta, r, E, levs, norm=colors.PowerNorm(gamma=0.2), cmap='brg') + ax.set_xticks([0,np.pi/2]) + ax.set_yticks([kappamin]) + colorbarticks=np.linspace(E.min(),E.max(),6) + plt.colorbar(pcm, extend='max', ticks=colorbarticks, pad=0.1) + plt.show() + print("Symmetrigap: "+str(np.abs(energy(-kappamin,0,Q,B)-energy(kappamin,np.pi/2,Q,B))/E.min())) + + +f = open(Path+"kappa_simulation.txt", "w") +f.write("kappa = "+str(kappa)) +f.write("deflection angle = "+str(deflection)) +f.close() + +theta_n=[1, 2, 4] +plt.scatter(theta_n, kappa, marker='x') +plt.show() + diff --git a/experiment/theoretical/cellsolver.parset b/experiment/theoretical/cellsolver.parset new file mode 100644 index 0000000000000000000000000000000000000000..bc4c4e704ca269f0ecdc197b1f7484149aebf7d2 --- /dev/null +++ b/experiment/theoretical/cellsolver.parset @@ -0,0 +1,95 @@ +# --- Parameter File as Input for 'Cell-Problem' +# NOTE: define variables without whitespaces in between! i.e. : gamma=1.0 instead of gamma = 1.0 +# since otherwise these cant be read from other Files! +# -------------------------------------------------------- + +# Path for results and logfile +outputPath=./experiment/theoretical/results_test2/2 + +# Path for material description +geometryFunctionPath =experiment/theoretical/ + + +# --- DEBUG (Output) Option: +#print_debug = true #(default=false) + + + + +############################################# +# Grid parameters +############################################# +#---------------------------------------------------- +## numLevels : Number of Levels on which solution is computed. starting with a 2x2x2 cube mesh. +## {start,finish} computes on all grid from 2^(start) to 2^finish refinement +#---------------------------------------------------- + +numLevels=4 4 +#numLevels = 1 1 # computes all levels from first to second entry +#numLevels = 2 2 # computes all levels from first to second entry +#numLevels = 1 3 # computes all levels from first to second entry +#numLevels = 4 4 # computes all levels from first to second entry +#numLevels = 5 5 # computes all levels from first to second entry +#numLevels = 6 6 # computes all levels from first to second entry +#numLevels = 1 6 + + +############################################# +# Material / Prestrain parameters and ratios +############################################# + +# --- Choose material definition: +materialFunction = theoretical_material2 + + + +# --- Choose scale ratio gamma: +gamma=1 + +############################################# +# Assembly options +############################################# +#set_IntegralZero = true #(default = false) +#set_oneBasisFunction_Zero = true #(default = false) + +#arbitraryLocalIndex = 7 #(default = 0) +#arbitraryElementNumber = 3 #(default = 0) +############################################# + + +############################################# +# Solver Type: #1: CG - SOLVER , #2: GMRES - SOLVER, #3: QR - SOLVER (default), #4: UMFPACK - SOLVER +############################################# +Solvertype = 2 # recommended to use iterative solver (e.g GMRES) for finer grid-levels +Solver_verbosity = 0 #(default = 2) degree of information for solver output + + +############################################# +# Write/Output options #(default=false) +############################################# + +# --- (Optional output) write Material / prestrain / Corrector functions to .vtk-Files: +write_materialFunctions = true # VTK indicator function for material/prestrain definition +#write_prestrainFunctions = true # VTK norm of B (currently not implemented) + +# --- Write Correctos to VTK-File: +write_VTK = true + +# --- (Optional output) L2Error, integral mean: +#write_L2Error = true +#write_IntegralMean = true + +# --- check orthogonality (75) from paper: +write_checkOrthogonality = true + +# --- Write corrector-coefficients to log-File: +#write_corrector_phi1 = true +#write_corrector_phi2 = true +#write_corrector_phi3 = true + + +# --- Print Condition number of matrix (can be expensive): +#print_conditionNumber= true #(default=false) + +# --- write effective quantities to Matlab-folder for symbolic minimization: +write_toMATLAB = true # writes effective quantities to .txt-files QMatrix.txt and BMatrix.txt diff --git a/experiment/theoretical/elasticity_toolbox.py b/experiment/theoretical/elasticity_toolbox.py new file mode 100644 index 0000000000000000000000000000000000000000..8e61952612c0714a5b430a41660775fc0e2c23b5 --- /dev/null +++ b/experiment/theoretical/elasticity_toolbox.py @@ -0,0 +1,123 @@ +import math +import numpy as np + + +def strain_to_voigt(strain_matrix): + # Ensure the input matrix is a 3x3 strain matrix + if strain_matrix.shape != (3, 3): + raise ValueError("Input matrix should be a 3x3 strain matrix.") + + # Extract the components from the 3x3 strain matrix + ε_xx = strain_matrix[0, 0] + ε_yy = strain_matrix[1, 1] + ε_zz = strain_matrix[2, 2] + γ_yz = .5*(strain_matrix[1, 2]+strain_matrix[2,1]) + γ_xz = .5*(strain_matrix[0, 2]+strain_matrix[0,2]) + γ_xy = .5*(strain_matrix[0, 1]+strain_matrix[0,1]) + + # Create the Voigt notation vector + voigt_notation = np.array([ε_xx, ε_yy, ε_zz, γ_yz, γ_xz, γ_xy]) + + return voigt_notation + +def voigt_to_strain(voigt_notation): + # Ensure the input vector has 6 elements + if len(voigt_notation) != 6: + raise ValueError("Input vector should have 6 elements in Voigt notation.") + + # Extract the components from the Voigt notation vector + ε_xx = voigt_notation[0] + ε_yy = voigt_notation[1] + ε_zz = voigt_notation[2] + γ_yz = voigt_notation[3] + γ_xz = voigt_notation[4] + γ_xy = voigt_notation[5] + + # Create the 3x3 strain matrix + strain_matrix = np.array([[ε_xx, γ_xy, γ_xz], + [γ_xy, ε_yy, γ_yz], + [γ_xz, γ_yz, ε_zz]]) + + return strain_matrix + + +def rotation_matrix(ax, angle): + cos_theta = np.cos(angle) + sin_theta = np.sin(angle) + if ax==0: + Q=np.array([[0, 0, 1], + [0,1,0], + [-1,0,0] + ]) + elif ax==1: + Q=np.array([[1, 0, 0], + [0,0,1], + [0,-1,0] + ]) + else: + Q=np.array([[1, 0, 0], + [0,1,0], + [0,0,1] + ]) + + R = np.array([[cos_theta, -sin_theta, 0], + [sin_theta, cos_theta, 0], + [0, 0, 1]]) + return np.dot(np.dot(Q.T, R),Q) + +def rotation_matrix_compliance(ax,theta): + R=rotation_matrix(ax,theta) + Q_xx=R[0,0] + Q_xy=R[0,1] + Q_xz=R[0,2] + Q_yx=R[1,0] + Q_yy=R[1,1] + Q_yz=R[1,2] + Q_zx=R[2,0] + Q_zy=R[2,1] + Q_zz=R[2,2] + return np.array([ + [Q_xx**2, Q_xy**2, Q_xz**2, Q_xy*Q_xz, Q_xx*Q_xz, Q_xx*Q_xy], + [Q_yx**2, Q_yy**2, Q_yz**2, Q_yy*Q_yz, Q_yx*Q_yz, Q_yx*Q_yy], + [Q_zx**2, Q_zy**2, Q_zz**2, Q_zy*Q_zz, Q_zx*Q_zz, Q_zx*Q_zy], + [2*Q_yx*Q_zx, 2*Q_yy*Q_zy, 2*Q_yz*Q_zz, Q_yy*Q_zz + Q_yz*Q_zy, Q_yx*Q_zz + Q_yz*Q_zx, Q_yx*Q_zy + Q_yy*Q_zx], + [2*Q_xx*Q_zx, 2*Q_xy*Q_zy, 2*Q_xz*Q_zz, Q_xy*Q_zz + Q_xz*Q_zy, Q_xx*Q_zz + Q_xz*Q_zx, Q_xx*Q_zy + Q_xy*Q_zx], + [2*Q_xx*Q_yx, 2*Q_xy*Q_yy, 2*Q_xz*Q_yz, Q_xy*Q_yz + Q_xz*Q_yy, Q_xx*Q_yz + Q_xz*Q_yx, Q_xx*Q_yy + Q_xy*Q_yx] + ]) + +def rotate_strain(eps, ax, theta): + B=voigt_to_strain(np.matmul(rotation_matrix_epsilon(theta,ax),strain_to_voigt(eps))) + +import numpy as np + +def voigt_to_tensor(voigt_matrix): + tensor = np.zeros((6, 6)) + + tensor[0, 0] = voigt_matrix[0] + tensor[0, 1] = tensor[1, 0] = voigt_matrix[1] + tensor[0, 2] = tensor[2, 0] = voigt_matrix[2] + tensor[0, 3] = tensor[3, 0] = voigt_matrix[3] + tensor[0, 4] = tensor[4, 0] = voigt_matrix[4] + tensor[0, 5] = tensor[5, 0] = voigt_matrix[5] + + tensor[1, 1] = voigt_matrix[6] + tensor[1, 2] = tensor[2, 1] = voigt_matrix[7] + tensor[1, 3] = tensor[3, 1] = voigt_matrix[8] + tensor[1, 4] = tensor[4, 1] = voigt_matrix[9] + tensor[1, 5] = tensor[5, 1] = voigt_matrix[10] + + tensor[2, 2] = voigt_matrix[11] + tensor[2, 3] = tensor[3, 2] = voigt_matrix[12] + tensor[2, 4] = tensor[4, 2] = voigt_matrix[13] + tensor[2, 5] = tensor[5, 2] = voigt_matrix[14] + + tensor[3, 3] = voigt_matrix[15] + tensor[3, 4] = tensor[4, 3] = voigt_matrix[16] + tensor[3, 5] = tensor[5, 3] = voigt_matrix[17] + + tensor[4, 4] = voigt_matrix[18] + tensor[4, 5] = tensor[5, 4] = voigt_matrix[19] + + tensor[5, 5] = voigt_matrix[20] + + return tensor diff --git a/experiment/theoretical/geometry_tmp/rve.pvsm b/experiment/theoretical/geometry_tmp/rve.pvsm new file mode 100644 index 0000000000000000000000000000000000000000..66a8ae15d7db8b3b1f2deaec06320c9a2f484f2c --- /dev/null +++ b/experiment/theoretical/geometry_tmp/rve.pvsm @@ -0,0 +1,8131 @@ +<ParaView> + <ServerManagerState version="5.10.0"> + <Proxy group="animation" type="AnimationScene" id="261" servers="16"> + <Property name="AnimationTime" id="261.AnimationTime" number_of_elements="1"> + <Element index="0" value="0"/> + </Property> + <Property name="Cues" id="261.Cues" number_of_elements="1"> + <Proxy value="263"/> + <Domain name="groups" id="261.Cues.groups"/> + </Property> + <Property name="Duration" id="261.Duration" number_of_elements="1"> + <Element index="0" value="10"/> + </Property> + <Property name="EndTime" id="261.EndTime" number_of_elements="1"> + <Element index="0" value="1"/> + </Property> + <Property name="FramesPerTimestep" id="261.FramesPerTimestep" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="261.FramesPerTimestep.range"/> + </Property> + <Property name="GoToFirst" id="261.GoToFirst"/> + <Property name="GoToLast" id="261.GoToLast"/> + <Property name="GoToNext" id="261.GoToNext"/> + <Property name="GoToPrevious" id="261.GoToPrevious"/> + <Property name="LockEndTime" id="261.LockEndTime" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="261.LockEndTime.bool"/> + </Property> + <Property name="LockStartTime" id="261.LockStartTime" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="261.LockStartTime.bool"/> + </Property> + <Property name="Loop" id="261.Loop" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="261.Loop.bool"/> + </Property> + <Property name="NumberOfFrames" id="261.NumberOfFrames" number_of_elements="1"> + <Element index="0" value="10"/> + <Domain name="range" id="261.NumberOfFrames.range"/> + </Property> + <Property name="Play" id="261.Play"/> + <Property name="PlayMode" id="261.PlayMode" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="261.PlayMode.enum"> + <Entry value="0" text="Sequence"/> + <Entry value="1" text="Real Time"/> + <Entry value="2" text="Snap To TimeSteps"/> + </Domain> + </Property> + <Property name="StartTime" id="261.StartTime" number_of_elements="1"> + <Element index="0" value="0"/> + </Property> + <Property name="Stop" id="261.Stop"/> + <Property name="Stride" id="261.Stride" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="261.Stride.range"/> + </Property> + <Property name="TimeKeeper" id="261.TimeKeeper" number_of_elements="1"> + <Proxy value="256"/> + </Property> + <Property name="ViewModules" id="261.ViewModules" number_of_elements="1"> + <Proxy value="4875"/> + <Domain name="groups" id="261.ViewModules.groups"/> + </Property> + </Proxy> + <Proxy group="animation" type="TimeAnimationCue" id="263" servers="16"> + <Property name="AnimatedDomainName" id="263.AnimatedDomainName" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="AnimatedElement" id="263.AnimatedElement" number_of_elements="1"> + <Element index="0" value="0"/> + </Property> + <Property name="AnimatedPropertyName" id="263.AnimatedPropertyName" number_of_elements="1"> + <Element index="0" value="Time"/> + </Property> + <Property name="AnimatedProxy" id="263.AnimatedProxy" number_of_elements="1"> + <Proxy value="256"/> + <Domain name="groups" id="263.AnimatedProxy.groups"/> + </Property> + <Property name="Enabled" id="263.Enabled" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="263.Enabled.bool"/> + </Property> + <Property name="EndTime" id="263.EndTime" number_of_elements="1"> + <Element index="0" value="1"/> + </Property> + <Property name="KeyFrames" id="263.KeyFrames"> + <Domain name="groups" id="263.KeyFrames.groups"/> + </Property> + <Property name="LastAddedKeyFrameIndex" id="263.LastAddedKeyFrameIndex"/> + <Property name="StartTime" id="263.StartTime" number_of_elements="1"> + <Element index="0" value="0"/> + </Property> + <Property name="TimeMode" id="263.TimeMode" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="263.TimeMode.enum"> + <Entry value="0" text="Normalized"/> + <Entry value="1" text="Relative"/> + </Domain> + </Property> + <Property name="UseAnimationTime" id="263.UseAnimationTime" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="263.UseAnimationTime.bool"/> + </Property> + </Proxy> + <Proxy group="misc" type="ViewLayout" id="4876" servers="20"> + <Property name="PreviewMode" id="4876.PreviewMode" number_of_elements="2"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + </Property> + <Property name="SeparatorColor" id="4876.SeparatorColor" number_of_elements="3"> + <Element index="0" value="0.937"/> + <Element index="1" value="0.922"/> + <Element index="2" value="0.906"/> + <Domain name="range" id="4876.SeparatorColor.range"/> + </Property> + <Property name="SeparatorWidth" id="4876.SeparatorWidth" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="4876.SeparatorWidth.range"/> + </Property> + <Layout number_of_elements="1"> + <Item direction="0" fraction="0.5" view="4875"/> + </Layout> + </Proxy> + <Proxy group="lookup_tables" type="PVLookupTable" id="8201" servers="21"> + <Property name="AboveRangeColor" id="8201.AboveRangeColor" number_of_elements="3"> + <Element index="0" value="0.5"/> + <Element index="1" value="0.5"/> + <Element index="2" value="0.5"/> + </Property> + <Property name="ActiveAnnotatedValues" id="8201.ActiveAnnotatedValues"/> + <Property name="AllowDuplicateScalars" id="8201.AllowDuplicateScalars" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="8201.AllowDuplicateScalars.bool"/> + </Property> + <Property name="Annotations" id="8201.Annotations"/> + <Property name="AnnotationsInitialized" id="8201.AnnotationsInitialized" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8201.AnnotationsInitialized.bool"/> + </Property> + <Property name="AutomaticDataHistogramComputation" id="8201.AutomaticDataHistogramComputation" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8201.AutomaticDataHistogramComputation.bool"/> + </Property> + <Property name="AutomaticRescaleRangeMode" id="8201.AutomaticRescaleRangeMode" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="8201.AutomaticRescaleRangeMode.enum"> + <Entry value="-1" text="Never"/> + <Entry value="0" text="Grow and update on 'Apply'"/> + <Entry value="1" text="Grow and update every timestep"/> + <Entry value="2" text="Update on 'Apply'"/> + <Entry value="3" text="Clamp and update every timestep"/> + </Domain> + </Property> + <Property name="BelowRangeColor" id="8201.BelowRangeColor" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + </Property> + <Property name="Build" id="8201.Build"/> + <Property name="ColorSpace" id="8201.ColorSpace" number_of_elements="1"> + <Element index="0" value="3"/> + <Domain name="enum" id="8201.ColorSpace.enum"> + <Entry value="0" text="RGB"/> + <Entry value="1" text="HSV"/> + <Entry value="2" text="Lab"/> + <Entry value="3" text="Diverging"/> + <Entry value="4" text="Lab/CIEDE2000"/> + <Entry value="5" text="Step"/> + </Domain> + </Property> + <Property name="DataHistogramNumberOfBins" id="8201.DataHistogramNumberOfBins" number_of_elements="1"> + <Element index="0" value="10"/> + </Property> + <Property name="Discretize" id="8201.Discretize" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="8201.Discretize.bool"/> + </Property> + <Property name="EnableOpacityMapping" id="8201.EnableOpacityMapping" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8201.EnableOpacityMapping.bool"/> + </Property> + <Property name="HSVWrap" id="8201.HSVWrap" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8201.HSVWrap.bool"/> + </Property> + <Property name="IndexedColors" id="8201.IndexedColors"/> + <Property name="IndexedLookup" id="8201.IndexedLookup" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8201.IndexedLookup.bool"/> + </Property> + <Property name="IndexedOpacities" id="8201.IndexedOpacities"/> + <Property name="NanColor" id="8201.NanColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="0"/> + </Property> + <Property name="NanOpacity" id="8201.NanOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="8201.NanOpacity.range"/> + </Property> + <Property name="NumberOfTableValues" id="8201.NumberOfTableValues" number_of_elements="1"> + <Element index="0" value="256"/> + <Domain name="range" id="8201.NumberOfTableValues.range"/> + </Property> + <Property name="RGBPoints" id="8201.RGBPoints" number_of_elements="12"> + <Element index="0" value="1"/> + <Element index="1" value="0.231373"/> + <Element index="2" value="0.298039"/> + <Element index="3" value="0.752941"/> + <Element index="4" value="1.5"/> + <Element index="5" value="0.865003"/> + <Element index="6" value="0.865003"/> + <Element index="7" value="0.865003"/> + <Element index="8" value="2"/> + <Element index="9" value="0.705882"/> + <Element index="10" value="0.0156863"/> + <Element index="11" value="0.14902"/> + </Property> + <Property name="RescaleOnVisibilityChange" id="8201.RescaleOnVisibilityChange" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8201.RescaleOnVisibilityChange.bool"/> + </Property> + <Property name="ScalarOpacityFunction" id="8201.ScalarOpacityFunction" number_of_elements="1"> + <Proxy value="8200"/> + </Property> + <Property name="ScalarRangeInitialized" id="8201.ScalarRangeInitialized" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="8201.ScalarRangeInitialized.bool"/> + </Property> + <Property name="ShowDataHistogram" id="8201.ShowDataHistogram" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8201.ShowDataHistogram.bool"/> + </Property> + <Property name="ShowIndexedColorActiveValues" id="8201.ShowIndexedColorActiveValues" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8201.ShowIndexedColorActiveValues.bool"/> + </Property> + <Property name="UseAboveRangeColor" id="8201.UseAboveRangeColor" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8201.UseAboveRangeColor.bool"/> + </Property> + <Property name="UseBelowRangeColor" id="8201.UseBelowRangeColor" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8201.UseBelowRangeColor.bool"/> + </Property> + <Property name="UseLogScale" id="8201.UseLogScale" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8201.UseLogScale.bool"/> + </Property> + <Property name="UseOpacityControlPointsFreehandDrawing" id="8201.UseOpacityControlPointsFreehandDrawing" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8201.UseOpacityControlPointsFreehandDrawing.bool"/> + </Property> + <Property name="VectorComponent" id="8201.VectorComponent" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="8201.VectorComponent.range"/> + </Property> + <Property name="VectorMode" id="8201.VectorMode" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="8201.VectorMode.enum"> + <Entry value="0" text="Magnitude"/> + <Entry value="1" text="Component"/> + </Domain> + </Property> + </Proxy> + <Proxy group="lookup_tables" type="PVLookupTable" id="7609" servers="21"> + <Property name="AboveRangeColor" id="7609.AboveRangeColor" number_of_elements="3"> + <Element index="0" value="0.5"/> + <Element index="1" value="0.5"/> + <Element index="2" value="0.5"/> + </Property> + <Property name="ActiveAnnotatedValues" id="7609.ActiveAnnotatedValues"/> + <Property name="AllowDuplicateScalars" id="7609.AllowDuplicateScalars" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7609.AllowDuplicateScalars.bool"/> + </Property> + <Property name="Annotations" id="7609.Annotations"/> + <Property name="AnnotationsInitialized" id="7609.AnnotationsInitialized" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7609.AnnotationsInitialized.bool"/> + </Property> + <Property name="AutomaticDataHistogramComputation" id="7609.AutomaticDataHistogramComputation" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7609.AutomaticDataHistogramComputation.bool"/> + </Property> + <Property name="AutomaticRescaleRangeMode" id="7609.AutomaticRescaleRangeMode" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7609.AutomaticRescaleRangeMode.enum"> + <Entry value="-1" text="Never"/> + <Entry value="0" text="Grow and update on 'Apply'"/> + <Entry value="1" text="Grow and update every timestep"/> + <Entry value="2" text="Update on 'Apply'"/> + <Entry value="3" text="Clamp and update every timestep"/> + </Domain> + </Property> + <Property name="BelowRangeColor" id="7609.BelowRangeColor" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + </Property> + <Property name="Build" id="7609.Build"/> + <Property name="ColorSpace" id="7609.ColorSpace" number_of_elements="1"> + <Element index="0" value="3"/> + <Domain name="enum" id="7609.ColorSpace.enum"> + <Entry value="0" text="RGB"/> + <Entry value="1" text="HSV"/> + <Entry value="2" text="Lab"/> + <Entry value="3" text="Diverging"/> + <Entry value="4" text="Lab/CIEDE2000"/> + <Entry value="5" text="Step"/> + </Domain> + </Property> + <Property name="DataHistogramNumberOfBins" id="7609.DataHistogramNumberOfBins" number_of_elements="1"> + <Element index="0" value="10"/> + </Property> + <Property name="Discretize" id="7609.Discretize" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7609.Discretize.bool"/> + </Property> + <Property name="EnableOpacityMapping" id="7609.EnableOpacityMapping" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7609.EnableOpacityMapping.bool"/> + </Property> + <Property name="HSVWrap" id="7609.HSVWrap" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7609.HSVWrap.bool"/> + </Property> + <Property name="IndexedColors" id="7609.IndexedColors"/> + <Property name="IndexedLookup" id="7609.IndexedLookup" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7609.IndexedLookup.bool"/> + </Property> + <Property name="IndexedOpacities" id="7609.IndexedOpacities"/> + <Property name="NanColor" id="7609.NanColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="0"/> + </Property> + <Property name="NanOpacity" id="7609.NanOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7609.NanOpacity.range"/> + </Property> + <Property name="NumberOfTableValues" id="7609.NumberOfTableValues" number_of_elements="1"> + <Element index="0" value="256"/> + <Domain name="range" id="7609.NumberOfTableValues.range"/> + </Property> + <Property name="RGBPoints" id="7609.RGBPoints" number_of_elements="12"> + <Element index="0" value="1"/> + <Element index="1" value="0.231373"/> + <Element index="2" value="0.298039"/> + <Element index="3" value="0.752941"/> + <Element index="4" value="2"/> + <Element index="5" value="0.865003"/> + <Element index="6" value="0.865003"/> + <Element index="7" value="0.865003"/> + <Element index="8" value="3"/> + <Element index="9" value="0.705882"/> + <Element index="10" value="0.0156863"/> + <Element index="11" value="0.14902"/> + </Property> + <Property name="RescaleOnVisibilityChange" id="7609.RescaleOnVisibilityChange" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7609.RescaleOnVisibilityChange.bool"/> + </Property> + <Property name="ScalarOpacityFunction" id="7609.ScalarOpacityFunction" number_of_elements="1"> + <Proxy value="7608"/> + </Property> + <Property name="ScalarRangeInitialized" id="7609.ScalarRangeInitialized" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7609.ScalarRangeInitialized.bool"/> + </Property> + <Property name="ShowDataHistogram" id="7609.ShowDataHistogram" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7609.ShowDataHistogram.bool"/> + </Property> + <Property name="ShowIndexedColorActiveValues" id="7609.ShowIndexedColorActiveValues" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7609.ShowIndexedColorActiveValues.bool"/> + </Property> + <Property name="UseAboveRangeColor" id="7609.UseAboveRangeColor" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7609.UseAboveRangeColor.bool"/> + </Property> + <Property name="UseBelowRangeColor" id="7609.UseBelowRangeColor" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7609.UseBelowRangeColor.bool"/> + </Property> + <Property name="UseLogScale" id="7609.UseLogScale" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7609.UseLogScale.bool"/> + </Property> + <Property name="UseOpacityControlPointsFreehandDrawing" id="7609.UseOpacityControlPointsFreehandDrawing" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7609.UseOpacityControlPointsFreehandDrawing.bool"/> + </Property> + <Property name="VectorComponent" id="7609.VectorComponent" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7609.VectorComponent.range"/> + </Property> + <Property name="VectorMode" id="7609.VectorMode" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7609.VectorMode.enum"> + <Entry value="0" text="Magnitude"/> + <Entry value="1" text="Component"/> + </Domain> + </Property> + </Proxy> + <Proxy group="piecewise_functions" type="PiecewiseFunction" id="8200" servers="21"> + <Property name="AllowDuplicateScalars" id="8200.AllowDuplicateScalars" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="8200.AllowDuplicateScalars.bool"/> + </Property> + <Property name="Points" id="8200.Points" number_of_elements="8"> + <Element index="0" value="1"/> + <Element index="1" value="0"/> + <Element index="2" value="0.5"/> + <Element index="3" value="0"/> + <Element index="4" value="2"/> + <Element index="5" value="1"/> + <Element index="6" value="0.5"/> + <Element index="7" value="0"/> + </Property> + <Property name="ScalarRangeInitialized" id="8200.ScalarRangeInitialized" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="8200.ScalarRangeInitialized.bool"/> + </Property> + <Property name="UseLogScale" id="8200.UseLogScale" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8200.UseLogScale.bool"/> + </Property> + </Proxy> + <Proxy group="piecewise_functions" type="PiecewiseFunction" id="7608" servers="21"> + <Property name="AllowDuplicateScalars" id="7608.AllowDuplicateScalars" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7608.AllowDuplicateScalars.bool"/> + </Property> + <Property name="Points" id="7608.Points" number_of_elements="8"> + <Element index="0" value="1"/> + <Element index="1" value="0"/> + <Element index="2" value="0.5"/> + <Element index="3" value="0"/> + <Element index="4" value="3"/> + <Element index="5" value="1"/> + <Element index="6" value="0.5"/> + <Element index="7" value="0"/> + </Property> + <Property name="ScalarRangeInitialized" id="7608.ScalarRangeInitialized" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7608.ScalarRangeInitialized.bool"/> + </Property> + <Property name="UseLogScale" id="7608.UseLogScale" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7608.UseLogScale.bool"/> + </Property> + </Proxy> + <Proxy group="annotations" type="GridAxes3DActor" id="4872" servers="21"> + <Property name="AxesToLabel" id="4872.AxesToLabel" number_of_elements="1"> + <Element index="0" value="63"/> + <Domain name="range" id="4872.AxesToLabel.range"/> + </Property> + <Property name="CustomBounds" id="4872.CustomBounds" number_of_elements="6"> + <Element index="0" value="0"/> + <Element index="1" value="1"/> + <Element index="2" value="0"/> + <Element index="3" value="1"/> + <Element index="4" value="0"/> + <Element index="5" value="1"/> + <Domain name="range" id="4872.CustomBounds.range"/> + </Property> + <Property name="DataBoundsScaleFactor" id="4872.DataBoundsScaleFactor" number_of_elements="1"> + <Element index="0" value="1.0008"/> + <Domain name="range" id="4872.DataBoundsScaleFactor.range"/> + </Property> + <Property name="DataPosition" id="4872.DataPosition" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="4872.DataPosition.range"/> + </Property> + <Property name="DataScale" id="4872.DataScale" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="4872.DataScale.range"/> + </Property> + <Property name="FacesToRender" id="4872.FacesToRender" number_of_elements="1"> + <Element index="0" value="63"/> + <Domain name="range" id="4872.FacesToRender.range"/> + </Property> + <Property name="LabelUniqueEdgesOnly" id="4872.LabelUniqueEdgesOnly" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="4872.LabelUniqueEdgesOnly.bool"/> + </Property> + <Property name="ModelBounds" id="4872.ModelBounds" number_of_elements="6"> + <Element index="0" value="0"/> + <Element index="1" value="1"/> + <Element index="2" value="0"/> + <Element index="3" value="1"/> + <Element index="4" value="0"/> + <Element index="5" value="1"/> + </Property> + <Property name="ModelTransformMatrix" id="4872.ModelTransformMatrix" number_of_elements="16"> + <Element index="0" value="1"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Element index="3" value="0"/> + <Element index="4" value="0"/> + <Element index="5" value="1"/> + <Element index="6" value="0"/> + <Element index="7" value="0"/> + <Element index="8" value="0"/> + <Element index="9" value="0"/> + <Element index="10" value="1"/> + <Element index="11" value="0"/> + <Element index="12" value="0"/> + <Element index="13" value="0"/> + <Element index="14" value="0"/> + <Element index="15" value="1"/> + </Property> + <Property name="ShowEdges" id="4872.ShowEdges" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="4872.ShowEdges.bool"/> + </Property> + <Property name="ShowGrid" id="4872.ShowGrid" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4872.ShowGrid.bool"/> + </Property> + <Property name="ShowTicks" id="4872.ShowTicks" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="4872.ShowTicks.bool"/> + </Property> + <Property name="UseCustomBounds" id="4872.UseCustomBounds" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4872.UseCustomBounds.bool"/> + </Property> + <Property name="UseModelTransform" id="4872.UseModelTransform" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="4872.UseModelTransform.range"/> + </Property> + <Property name="Visibility" id="4872.Visibility" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4872.Visibility.bool"/> + </Property> + <Property name="XAxisLabels" id="4872.XAxisLabels"> + <Domain name="scalar_range" id="4872.XAxisLabels.scalar_range"/> + </Property> + <Property name="XAxisNotation" id="4872.XAxisNotation" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="4872.XAxisNotation.enum"> + <Entry value="0" text="Mixed"/> + <Entry value="1" text="Scientific"/> + <Entry value="2" text="Fixed"/> + </Domain> + </Property> + <Property name="XAxisPrecision" id="4872.XAxisPrecision" number_of_elements="1"> + <Element index="0" value="2"/> + <Domain name="range" id="4872.XAxisPrecision.range"/> + </Property> + <Property name="XAxisUseCustomLabels" id="4872.XAxisUseCustomLabels" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4872.XAxisUseCustomLabels.bool"/> + </Property> + <Property name="XTitle" id="4872.XTitle" number_of_elements="1"> + <Element index="0" value="X Axis"/> + </Property> + <Property name="YAxisLabels" id="4872.YAxisLabels"> + <Domain name="scalar_range" id="4872.YAxisLabels.scalar_range"/> + </Property> + <Property name="YAxisNotation" id="4872.YAxisNotation" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="4872.YAxisNotation.enum"> + <Entry value="0" text="Mixed"/> + <Entry value="1" text="Scientific"/> + <Entry value="2" text="Fixed"/> + </Domain> + </Property> + <Property name="YAxisPrecision" id="4872.YAxisPrecision" number_of_elements="1"> + <Element index="0" value="2"/> + <Domain name="range" id="4872.YAxisPrecision.range"/> + </Property> + <Property name="YAxisUseCustomLabels" id="4872.YAxisUseCustomLabels" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4872.YAxisUseCustomLabels.bool"/> + </Property> + <Property name="YTitle" id="4872.YTitle" number_of_elements="1"> + <Element index="0" value="Y Axis"/> + </Property> + <Property name="ZAxisLabels" id="4872.ZAxisLabels"> + <Domain name="scalar_range" id="4872.ZAxisLabels.scalar_range"/> + </Property> + <Property name="ZAxisNotation" id="4872.ZAxisNotation" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="4872.ZAxisNotation.enum"> + <Entry value="0" text="Mixed"/> + <Entry value="1" text="Scientific"/> + <Entry value="2" text="Fixed"/> + </Domain> + </Property> + <Property name="ZAxisPrecision" id="4872.ZAxisPrecision" number_of_elements="1"> + <Element index="0" value="2"/> + <Domain name="range" id="4872.ZAxisPrecision.range"/> + </Property> + <Property name="ZAxisUseCustomLabels" id="4872.ZAxisUseCustomLabels" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4872.ZAxisUseCustomLabels.bool"/> + </Property> + <Property name="ZTitle" id="4872.ZTitle" number_of_elements="1"> + <Element index="0" value="Z Axis"/> + </Property> + <Property name="CullBackface" id="4872.CullBackface" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4872.CullBackface.bool"/> + </Property> + <Property name="CullFrontface" id="4872.CullFrontface" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="4872.CullFrontface.bool"/> + </Property> + <Property name="GridColor" id="4872.GridColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="4872.GridColor.range"/> + </Property> + <Property name="XLabelBold" id="4872.XLabelBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4872.XLabelBold.bool"/> + </Property> + <Property name="XLabelColor" id="4872.XLabelColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="4872.XLabelColor.range"/> + </Property> + <Property name="XLabelFontFamily" id="4872.XLabelFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="4872.XLabelFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="XLabelFontFile" id="4872.XLabelFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="XLabelFontSize" id="4872.XLabelFontSize" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="4872.XLabelFontSize.range"/> + </Property> + <Property name="XLabelItalic" id="4872.XLabelItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4872.XLabelItalic.bool"/> + </Property> + <Property name="XLabelOpacity" id="4872.XLabelOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="4872.XLabelOpacity.range"/> + </Property> + <Property name="XLabelShadow" id="4872.XLabelShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4872.XLabelShadow.bool"/> + </Property> + <Property name="XTitleBold" id="4872.XTitleBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4872.XTitleBold.bool"/> + </Property> + <Property name="XTitleColor" id="4872.XTitleColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="4872.XTitleColor.range"/> + </Property> + <Property name="XTitleFontFamily" id="4872.XTitleFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="4872.XTitleFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="XTitleFontFile" id="4872.XTitleFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="XTitleFontSize" id="4872.XTitleFontSize" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="4872.XTitleFontSize.range"/> + </Property> + <Property name="XTitleItalic" id="4872.XTitleItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4872.XTitleItalic.bool"/> + </Property> + <Property name="XTitleOpacity" id="4872.XTitleOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="4872.XTitleOpacity.range"/> + </Property> + <Property name="XTitleShadow" id="4872.XTitleShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4872.XTitleShadow.bool"/> + </Property> + <Property name="YLabelBold" id="4872.YLabelBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4872.YLabelBold.bool"/> + </Property> + <Property name="YLabelColor" id="4872.YLabelColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="4872.YLabelColor.range"/> + </Property> + <Property name="YLabelFontFamily" id="4872.YLabelFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="4872.YLabelFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="YLabelFontFile" id="4872.YLabelFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="YLabelFontSize" id="4872.YLabelFontSize" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="4872.YLabelFontSize.range"/> + </Property> + <Property name="YLabelItalic" id="4872.YLabelItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4872.YLabelItalic.bool"/> + </Property> + <Property name="YLabelOpacity" id="4872.YLabelOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="4872.YLabelOpacity.range"/> + </Property> + <Property name="YLabelShadow" id="4872.YLabelShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4872.YLabelShadow.bool"/> + </Property> + <Property name="YTitleBold" id="4872.YTitleBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4872.YTitleBold.bool"/> + </Property> + <Property name="YTitleColor" id="4872.YTitleColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="4872.YTitleColor.range"/> + </Property> + <Property name="YTitleFontFamily" id="4872.YTitleFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="4872.YTitleFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="YTitleFontFile" id="4872.YTitleFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="YTitleFontSize" id="4872.YTitleFontSize" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="4872.YTitleFontSize.range"/> + </Property> + <Property name="YTitleItalic" id="4872.YTitleItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4872.YTitleItalic.bool"/> + </Property> + <Property name="YTitleOpacity" id="4872.YTitleOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="4872.YTitleOpacity.range"/> + </Property> + <Property name="YTitleShadow" id="4872.YTitleShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4872.YTitleShadow.bool"/> + </Property> + <Property name="ZLabelBold" id="4872.ZLabelBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4872.ZLabelBold.bool"/> + </Property> + <Property name="ZLabelColor" id="4872.ZLabelColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="4872.ZLabelColor.range"/> + </Property> + <Property name="ZLabelFontFamily" id="4872.ZLabelFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="4872.ZLabelFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="ZLabelFontFile" id="4872.ZLabelFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="ZLabelFontSize" id="4872.ZLabelFontSize" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="4872.ZLabelFontSize.range"/> + </Property> + <Property name="ZLabelItalic" id="4872.ZLabelItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4872.ZLabelItalic.bool"/> + </Property> + <Property name="ZLabelOpacity" id="4872.ZLabelOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="4872.ZLabelOpacity.range"/> + </Property> + <Property name="ZLabelShadow" id="4872.ZLabelShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4872.ZLabelShadow.bool"/> + </Property> + <Property name="ZTitleBold" id="4872.ZTitleBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4872.ZTitleBold.bool"/> + </Property> + <Property name="ZTitleColor" id="4872.ZTitleColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="4872.ZTitleColor.range"/> + </Property> + <Property name="ZTitleFontFamily" id="4872.ZTitleFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="4872.ZTitleFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="ZTitleFontFile" id="4872.ZTitleFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="ZTitleFontSize" id="4872.ZTitleFontSize" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="4872.ZTitleFontSize.range"/> + </Property> + <Property name="ZTitleItalic" id="4872.ZTitleItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4872.ZTitleItalic.bool"/> + </Property> + <Property name="ZTitleOpacity" id="4872.ZTitleOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="4872.ZTitleOpacity.range"/> + </Property> + <Property name="ZTitleShadow" id="4872.ZTitleShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4872.ZTitleShadow.bool"/> + </Property> + </Proxy> + <Proxy group="misc" type="RepresentationAnimationHelper" id="7366" servers="16"> + <Property name="Source" id="7366.Source" number_of_elements="1"> + <Proxy value="7354"/> + </Property> + </Proxy> + <Proxy group="representations" type="GridAxesRepresentation" id="7387" servers="21"> + <Property name="GridAxesVisibility" id="7387.GridAxesVisibility" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7387.GridAxesVisibility.bool"/> + </Property> + <Property name="Input" id="7387.Input"> + <Domain name="input_array_any" id="7387.Input.input_array_any"/> + </Property> + <Property name="Position" id="7387.Position" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="7387.Position.range"/> + </Property> + <Property name="Scale" id="7387.Scale" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7387.Scale.range"/> + </Property> + <Property name="AxesToLabel" id="7387.AxesToLabel" number_of_elements="1"> + <Element index="0" value="63"/> + <Domain name="range" id="7387.AxesToLabel.range"/> + </Property> + <Property name="CullBackface" id="7387.CullBackface" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7387.CullBackface.bool"/> + </Property> + <Property name="CullFrontface" id="7387.CullFrontface" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7387.CullFrontface.bool"/> + </Property> + <Property name="CustomBounds" id="7387.CustomBounds" number_of_elements="6"> + <Element index="0" value="0"/> + <Element index="1" value="1"/> + <Element index="2" value="0"/> + <Element index="3" value="1"/> + <Element index="4" value="0"/> + <Element index="5" value="1"/> + <Domain name="range" id="7387.CustomBounds.range"/> + </Property> + <Property name="FacesToRender" id="7387.FacesToRender" number_of_elements="1"> + <Element index="0" value="63"/> + <Domain name="range" id="7387.FacesToRender.range"/> + </Property> + <Property name="GridColor" id="7387.GridColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7387.GridColor.range"/> + </Property> + <Property name="LabelUniqueEdgesOnly" id="7387.LabelUniqueEdgesOnly" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7387.LabelUniqueEdgesOnly.bool"/> + </Property> + <Property name="ShowEdges" id="7387.ShowEdges" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7387.ShowEdges.bool"/> + </Property> + <Property name="ShowGrid" id="7387.ShowGrid" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7387.ShowGrid.bool"/> + </Property> + <Property name="ShowTicks" id="7387.ShowTicks" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7387.ShowTicks.bool"/> + </Property> + <Property name="UseCustomBounds" id="7387.UseCustomBounds" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7387.UseCustomBounds.bool"/> + </Property> + <Property name="XAxisLabels" id="7387.XAxisLabels"> + <Domain name="scalar_range" id="7387.XAxisLabels.scalar_range"/> + </Property> + <Property name="XAxisNotation" id="7387.XAxisNotation" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7387.XAxisNotation.enum"> + <Entry value="0" text="Mixed"/> + <Entry value="1" text="Scientific"/> + <Entry value="2" text="Fixed"/> + </Domain> + </Property> + <Property name="XAxisPrecision" id="7387.XAxisPrecision" number_of_elements="1"> + <Element index="0" value="2"/> + <Domain name="range" id="7387.XAxisPrecision.range"/> + </Property> + <Property name="XAxisUseCustomLabels" id="7387.XAxisUseCustomLabels" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7387.XAxisUseCustomLabels.bool"/> + </Property> + <Property name="XLabelBold" id="7387.XLabelBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7387.XLabelBold.bool"/> + </Property> + <Property name="XLabelColor" id="7387.XLabelColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7387.XLabelColor.range"/> + </Property> + <Property name="XLabelFontFamily" id="7387.XLabelFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7387.XLabelFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="XLabelFontFile" id="7387.XLabelFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="XLabelFontSize" id="7387.XLabelFontSize" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="7387.XLabelFontSize.range"/> + </Property> + <Property name="XLabelItalic" id="7387.XLabelItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7387.XLabelItalic.bool"/> + </Property> + <Property name="XLabelOpacity" id="7387.XLabelOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7387.XLabelOpacity.range"/> + </Property> + <Property name="XLabelShadow" id="7387.XLabelShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7387.XLabelShadow.bool"/> + </Property> + <Property name="XTitle" id="7387.XTitle" number_of_elements="1"> + <Element index="0" value="X Axis"/> + </Property> + <Property name="XTitleBold" id="7387.XTitleBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7387.XTitleBold.bool"/> + </Property> + <Property name="XTitleColor" id="7387.XTitleColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7387.XTitleColor.range"/> + </Property> + <Property name="XTitleFontFamily" id="7387.XTitleFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7387.XTitleFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="XTitleFontFile" id="7387.XTitleFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="XTitleFontSize" id="7387.XTitleFontSize" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="7387.XTitleFontSize.range"/> + </Property> + <Property name="XTitleItalic" id="7387.XTitleItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7387.XTitleItalic.bool"/> + </Property> + <Property name="XTitleOpacity" id="7387.XTitleOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7387.XTitleOpacity.range"/> + </Property> + <Property name="XTitleShadow" id="7387.XTitleShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7387.XTitleShadow.bool"/> + </Property> + <Property name="YAxisLabels" id="7387.YAxisLabels"> + <Domain name="scalar_range" id="7387.YAxisLabels.scalar_range"/> + </Property> + <Property name="YAxisNotation" id="7387.YAxisNotation" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7387.YAxisNotation.enum"> + <Entry value="0" text="Mixed"/> + <Entry value="1" text="Scientific"/> + <Entry value="2" text="Fixed"/> + </Domain> + </Property> + <Property name="YAxisPrecision" id="7387.YAxisPrecision" number_of_elements="1"> + <Element index="0" value="2"/> + <Domain name="range" id="7387.YAxisPrecision.range"/> + </Property> + <Property name="YAxisUseCustomLabels" id="7387.YAxisUseCustomLabels" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7387.YAxisUseCustomLabels.bool"/> + </Property> + <Property name="YLabelBold" id="7387.YLabelBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7387.YLabelBold.bool"/> + </Property> + <Property name="YLabelColor" id="7387.YLabelColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7387.YLabelColor.range"/> + </Property> + <Property name="YLabelFontFamily" id="7387.YLabelFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7387.YLabelFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="YLabelFontFile" id="7387.YLabelFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="YLabelFontSize" id="7387.YLabelFontSize" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="7387.YLabelFontSize.range"/> + </Property> + <Property name="YLabelItalic" id="7387.YLabelItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7387.YLabelItalic.bool"/> + </Property> + <Property name="YLabelOpacity" id="7387.YLabelOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7387.YLabelOpacity.range"/> + </Property> + <Property name="YLabelShadow" id="7387.YLabelShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7387.YLabelShadow.bool"/> + </Property> + <Property name="YTitle" id="7387.YTitle" number_of_elements="1"> + <Element index="0" value="Y Axis"/> + </Property> + <Property name="YTitleBold" id="7387.YTitleBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7387.YTitleBold.bool"/> + </Property> + <Property name="YTitleColor" id="7387.YTitleColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7387.YTitleColor.range"/> + </Property> + <Property name="YTitleFontFamily" id="7387.YTitleFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7387.YTitleFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="YTitleFontFile" id="7387.YTitleFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="YTitleFontSize" id="7387.YTitleFontSize" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="7387.YTitleFontSize.range"/> + </Property> + <Property name="YTitleItalic" id="7387.YTitleItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7387.YTitleItalic.bool"/> + </Property> + <Property name="YTitleOpacity" id="7387.YTitleOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7387.YTitleOpacity.range"/> + </Property> + <Property name="YTitleShadow" id="7387.YTitleShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7387.YTitleShadow.bool"/> + </Property> + <Property name="ZAxisLabels" id="7387.ZAxisLabels"> + <Domain name="scalar_range" id="7387.ZAxisLabels.scalar_range"/> + </Property> + <Property name="ZAxisNotation" id="7387.ZAxisNotation" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7387.ZAxisNotation.enum"> + <Entry value="0" text="Mixed"/> + <Entry value="1" text="Scientific"/> + <Entry value="2" text="Fixed"/> + </Domain> + </Property> + <Property name="ZAxisPrecision" id="7387.ZAxisPrecision" number_of_elements="1"> + <Element index="0" value="2"/> + <Domain name="range" id="7387.ZAxisPrecision.range"/> + </Property> + <Property name="ZAxisUseCustomLabels" id="7387.ZAxisUseCustomLabels" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7387.ZAxisUseCustomLabels.bool"/> + </Property> + <Property name="ZLabelBold" id="7387.ZLabelBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7387.ZLabelBold.bool"/> + </Property> + <Property name="ZLabelColor" id="7387.ZLabelColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7387.ZLabelColor.range"/> + </Property> + <Property name="ZLabelFontFamily" id="7387.ZLabelFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7387.ZLabelFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="ZLabelFontFile" id="7387.ZLabelFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="ZLabelFontSize" id="7387.ZLabelFontSize" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="7387.ZLabelFontSize.range"/> + </Property> + <Property name="ZLabelItalic" id="7387.ZLabelItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7387.ZLabelItalic.bool"/> + </Property> + <Property name="ZLabelOpacity" id="7387.ZLabelOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7387.ZLabelOpacity.range"/> + </Property> + <Property name="ZLabelShadow" id="7387.ZLabelShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7387.ZLabelShadow.bool"/> + </Property> + <Property name="ZTitle" id="7387.ZTitle" number_of_elements="1"> + <Element index="0" value="Z Axis"/> + </Property> + <Property name="ZTitleBold" id="7387.ZTitleBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7387.ZTitleBold.bool"/> + </Property> + <Property name="ZTitleColor" id="7387.ZTitleColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7387.ZTitleColor.range"/> + </Property> + <Property name="ZTitleFontFamily" id="7387.ZTitleFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7387.ZTitleFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="ZTitleFontFile" id="7387.ZTitleFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="ZTitleFontSize" id="7387.ZTitleFontSize" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="7387.ZTitleFontSize.range"/> + </Property> + <Property name="ZTitleItalic" id="7387.ZTitleItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7387.ZTitleItalic.bool"/> + </Property> + <Property name="ZTitleOpacity" id="7387.ZTitleOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7387.ZTitleOpacity.range"/> + </Property> + <Property name="ZTitleShadow" id="7387.ZTitleShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7387.ZTitleShadow.bool"/> + </Property> + </Proxy> + <Proxy group="sources" type="ArrowSource" id="7424" servers="21"> + <Property name="Invert" id="7424.Invert" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7424.Invert.bool"/> + </Property> + <Property name="ShaftRadius" id="7424.ShaftRadius" number_of_elements="1"> + <Element index="0" value="0.03"/> + <Domain name="range" id="7424.ShaftRadius.range"/> + </Property> + <Property name="ShaftResolution" id="7424.ShaftResolution" number_of_elements="1"> + <Element index="0" value="6"/> + <Domain name="range" id="7424.ShaftResolution.range"/> + </Property> + <Property name="TipLength" id="7424.TipLength" number_of_elements="1"> + <Element index="0" value="0.35"/> + <Domain name="range" id="7424.TipLength.range"/> + </Property> + <Property name="TipRadius" id="7424.TipRadius" number_of_elements="1"> + <Element index="0" value="0.1"/> + <Domain name="range" id="7424.TipRadius.range"/> + </Property> + <Property name="TipResolution" id="7424.TipResolution" number_of_elements="1"> + <Element index="0" value="6"/> + <Domain name="range" id="7424.TipResolution.range"/> + </Property> + </Proxy> + <Proxy group="sources" type="ConeSource" id="7435" servers="21"> + <Property name="Capping" id="7435.Capping" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7435.Capping.bool"/> + </Property> + <Property name="Center" id="7435.Center" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="7435.Center.range"/> + </Property> + <Property name="Direction" id="7435.Direction" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="7435.Direction.range"/> + </Property> + <Property name="Height" id="7435.Height" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7435.Height.range"/> + </Property> + <Property name="Radius" id="7435.Radius" number_of_elements="1"> + <Element index="0" value="0.5"/> + <Domain name="range" id="7435.Radius.range"/> + </Property> + <Property name="Resolution" id="7435.Resolution" number_of_elements="1"> + <Element index="0" value="6"/> + <Domain name="range" id="7435.Resolution.range"/> + </Property> + </Proxy> + <Proxy group="sources" type="CubeSource" id="7446" servers="21"> + <Property name="Center" id="7446.Center" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="7446.Center.range"/> + </Property> + <Property name="XLength" id="7446.XLength" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7446.XLength.range"/> + </Property> + <Property name="YLength" id="7446.YLength" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7446.YLength.range"/> + </Property> + <Property name="ZLength" id="7446.ZLength" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7446.ZLength.range"/> + </Property> + </Proxy> + <Proxy group="sources" type="CylinderSource" id="7457" servers="21"> + <Property name="Capping" id="7457.Capping" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7457.Capping.bool"/> + </Property> + <Property name="Center" id="7457.Center" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="7457.Center.range"/> + </Property> + <Property name="Height" id="7457.Height" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7457.Height.range"/> + </Property> + <Property name="Radius" id="7457.Radius" number_of_elements="1"> + <Element index="0" value="0.5"/> + <Domain name="range" id="7457.Radius.range"/> + </Property> + <Property name="Resolution" id="7457.Resolution" number_of_elements="1"> + <Element index="0" value="6"/> + <Domain name="range" id="7457.Resolution.range"/> + </Property> + </Proxy> + <Proxy group="sources" type="LineSource" id="7468" servers="21"> + <Property name="Point1" id="7468.Point1" number_of_elements="3"> + <Element index="0" value="-0.5"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="7468.Point1.range"/> + </Property> + <Property name="Point2" id="7468.Point2" number_of_elements="3"> + <Element index="0" value="0.5"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="7468.Point2.range"/> + </Property> + <Property name="RefinementRatios" id="7468.RefinementRatios" number_of_elements="2"> + <Element index="0" value="0"/> + <Element index="1" value="1"/> + <Domain name="range" id="7468.RefinementRatios.range"/> + </Property> + <Property name="Resolution" id="7468.Resolution" number_of_elements="1"> + <Element index="0" value="6"/> + <Domain name="range" id="7468.Resolution.range"/> + </Property> + <Property name="UseRegularRefinement" id="7468.UseRegularRefinement" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7468.UseRegularRefinement.bool"/> + </Property> + </Proxy> + <Proxy group="sources" type="SphereSource" id="7479" servers="21"> + <Property name="Center" id="7479.Center" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="7479.Center.range"/> + </Property> + <Property name="EndPhi" id="7479.EndPhi" number_of_elements="1"> + <Element index="0" value="180"/> + <Domain name="range" id="7479.EndPhi.range"/> + </Property> + <Property name="EndTheta" id="7479.EndTheta" number_of_elements="1"> + <Element index="0" value="360"/> + <Domain name="range" id="7479.EndTheta.range"/> + </Property> + <Property name="PhiResolution" id="7479.PhiResolution" number_of_elements="1"> + <Element index="0" value="8"/> + <Domain name="range" id="7479.PhiResolution.range"/> + </Property> + <Property name="Radius" id="7479.Radius" number_of_elements="1"> + <Element index="0" value="0.5"/> + <Domain name="range" id="7479.Radius.range"/> + </Property> + <Property name="StartPhi" id="7479.StartPhi" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7479.StartPhi.range"/> + </Property> + <Property name="StartTheta" id="7479.StartTheta" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7479.StartTheta.range"/> + </Property> + <Property name="ThetaResolution" id="7479.ThetaResolution" number_of_elements="1"> + <Element index="0" value="8"/> + <Domain name="range" id="7479.ThetaResolution.range"/> + </Property> + </Proxy> + <Proxy group="sources" type="GlyphSource2D" id="7490" servers="21"> + <Property name="Center" id="7490.Center" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="7490.Center.range"/> + </Property> + <Property name="Filled" id="7490.Filled" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7490.Filled.bool"/> + </Property> + <Property name="GlyphType" id="7490.GlyphType" number_of_elements="1"> + <Element index="0" value="9"/> + <Domain name="enum" id="7490.GlyphType.enum"> + <Entry value="1" text="Vertex"/> + <Entry value="2" text="Dash"/> + <Entry value="3" text="Cross"/> + <Entry value="4" text="ThickCross"/> + <Entry value="5" text="Triangle"/> + <Entry value="6" text="Square"/> + <Entry value="7" text="Circle"/> + <Entry value="8" text="Diamond"/> + <Entry value="9" text="Arrow"/> + <Entry value="10" text="ThickArrow"/> + <Entry value="11" text="HookedArrow"/> + <Entry value="12" text="EdgeArrow"/> + </Domain> + </Property> + </Proxy> + <Proxy group="internal_filters" type="PipelineConnection" id="7501" servers="21"> + <Property name="AllowNullInput" id="7501.AllowNullInput" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7501.AllowNullInput.bool"/> + </Property> + <Property name="Input" id="7501.Input"> + <Domain name="groups" id="7501.Input.groups"/> + <Domain name="input_type" id="7501.Input.input_type"/> + </Property> + </Proxy> + <Proxy group="piecewise_functions" type="PiecewiseFunction" id="7569" servers="21"> + <Property name="AllowDuplicateScalars" id="7569.AllowDuplicateScalars" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7569.AllowDuplicateScalars.bool"/> + </Property> + <Property name="Points" id="7569.Points" number_of_elements="8"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0.5"/> + <Element index="3" value="0"/> + <Element index="4" value="1"/> + <Element index="5" value="1"/> + <Element index="6" value="0.5"/> + <Element index="7" value="0"/> + </Property> + <Property name="ScalarRangeInitialized" id="7569.ScalarRangeInitialized" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7569.ScalarRangeInitialized.bool"/> + </Property> + <Property name="UseLogScale" id="7569.UseLogScale" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7569.UseLogScale.bool"/> + </Property> + </Proxy> + <Proxy group="piecewise_functions" type="PiecewiseFunction" id="7534" servers="21"> + <Property name="AllowDuplicateScalars" id="7534.AllowDuplicateScalars" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7534.AllowDuplicateScalars.bool"/> + </Property> + <Property name="Points" id="7534.Points" number_of_elements="8"> + <Element index="0" value="1"/> + <Element index="1" value="0"/> + <Element index="2" value="0.5"/> + <Element index="3" value="0"/> + <Element index="4" value="3"/> + <Element index="5" value="1"/> + <Element index="6" value="0.5"/> + <Element index="7" value="0"/> + </Property> + <Property name="ScalarRangeInitialized" id="7534.ScalarRangeInitialized" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7534.ScalarRangeInitialized.bool"/> + </Property> + <Property name="UseLogScale" id="7534.UseLogScale" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7534.UseLogScale.bool"/> + </Property> + </Proxy> + <Proxy group="representations" type="PolarAxesRepresentation" id="7402" servers="21"> + <Property name="ArcMajorTickSize" id="7402.ArcMajorTickSize" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7402.ArcMajorTickSize.range"/> + </Property> + <Property name="ArcMajorTickThickness" id="7402.ArcMajorTickThickness" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7402.ArcMajorTickThickness.range"/> + </Property> + <Property name="ArcMinorTickVisibility" id="7402.ArcMinorTickVisibility" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7402.ArcMinorTickVisibility.bool"/> + </Property> + <Property name="ArcTickRatioSize" id="7402.ArcTickRatioSize" number_of_elements="1"> + <Element index="0" value="0.3"/> + <Domain name="range" id="7402.ArcTickRatioSize.range"/> + </Property> + <Property name="ArcTickRatioThickness" id="7402.ArcTickRatioThickness" number_of_elements="1"> + <Element index="0" value="0.5"/> + <Domain name="range" id="7402.ArcTickRatioThickness.range"/> + </Property> + <Property name="ArcTickVisibility" id="7402.ArcTickVisibility" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7402.ArcTickVisibility.bool"/> + </Property> + <Property name="ArcTicksOriginToPolarAxis" id="7402.ArcTicksOriginToPolarAxis" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7402.ArcTicksOriginToPolarAxis.bool"/> + </Property> + <Property name="AutoSubdividePolarAxis" id="7402.AutoSubdividePolarAxis" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7402.AutoSubdividePolarAxis.bool"/> + </Property> + <Property name="AxisMinorTickVisibility" id="7402.AxisMinorTickVisibility" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7402.AxisMinorTickVisibility.bool"/> + </Property> + <Property name="AxisTickVisibility" id="7402.AxisTickVisibility" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7402.AxisTickVisibility.bool"/> + </Property> + <Property name="CustomBounds" id="7402.CustomBounds" number_of_elements="6"> + <Element index="0" value="0"/> + <Element index="1" value="1"/> + <Element index="2" value="0"/> + <Element index="3" value="1"/> + <Element index="4" value="0"/> + <Element index="5" value="1"/> + </Property> + <Property name="CustomRange" id="7402.CustomRange" number_of_elements="2"> + <Element index="0" value="0"/> + <Element index="1" value="1"/> + </Property> + <Property name="DataBounds" id="7402.DataBounds" number_of_elements="6"> + <Element index="0" value="0"/> + <Element index="1" value="1"/> + <Element index="2" value="0"/> + <Element index="3" value="1"/> + <Element index="4" value="0"/> + <Element index="5" value="1"/> + </Property> + <Property name="DeltaAngleMajor" id="7402.DeltaAngleMajor" number_of_elements="1"> + <Element index="0" value="10"/> + <Domain name="range" id="7402.DeltaAngleMajor.range"/> + </Property> + <Property name="DeltaAngleMinor" id="7402.DeltaAngleMinor" number_of_elements="1"> + <Element index="0" value="5"/> + <Domain name="range" id="7402.DeltaAngleMinor.range"/> + </Property> + <Property name="DeltaRangeMajor" id="7402.DeltaRangeMajor" number_of_elements="1"> + <Element index="0" value="1"/> + </Property> + <Property name="DeltaRangeMinor" id="7402.DeltaRangeMinor" number_of_elements="1"> + <Element index="0" value="1"/> + </Property> + <Property name="DistanceLODThreshold" id="7402.DistanceLODThreshold" number_of_elements="1"> + <Element index="0" value="0.7"/> + <Domain name="range" id="7402.DistanceLODThreshold.range"/> + </Property> + <Property name="DrawPolarArcsGridlines" id="7402.DrawPolarArcsGridlines" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7402.DrawPolarArcsGridlines.bool"/> + </Property> + <Property name="DrawRadialGridlines" id="7402.DrawRadialGridlines" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7402.DrawRadialGridlines.bool"/> + </Property> + <Property name="EnableCustomBounds" id="7402.EnableCustomBounds" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + </Property> + <Property name="EnableCustomRange" id="7402.EnableCustomRange" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7402.EnableCustomRange.bool"/> + </Property> + <Property name="EnableDistanceLOD" id="7402.EnableDistanceLOD" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7402.EnableDistanceLOD.bool"/> + </Property> + <Property name="EnableViewAngleLOD" id="7402.EnableViewAngleLOD" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7402.EnableViewAngleLOD.bool"/> + </Property> + <Property name="Input" id="7402.Input" number_of_elements="1"> + <Proxy value="7354" output_port="0"/> + <Domain name="input_type" id="7402.Input.input_type"/> + </Property> + <Property name="LastRadialAxisColor" id="7402.LastRadialAxisColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7402.LastRadialAxisColor.range"/> + </Property> + <Property name="LastRadialAxisMajorTickSize" id="7402.LastRadialAxisMajorTickSize" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7402.LastRadialAxisMajorTickSize.range"/> + </Property> + <Property name="LastRadialAxisMajorTickThickness" id="7402.LastRadialAxisMajorTickThickness" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7402.LastRadialAxisMajorTickThickness.range"/> + </Property> + <Property name="LastRadialAxisTickRatioSize" id="7402.LastRadialAxisTickRatioSize" number_of_elements="1"> + <Element index="0" value="0.3"/> + <Domain name="range" id="7402.LastRadialAxisTickRatioSize.range"/> + </Property> + <Property name="LastRadialAxisTickRatioThickness" id="7402.LastRadialAxisTickRatioThickness" number_of_elements="1"> + <Element index="0" value="0.5"/> + <Domain name="range" id="7402.LastRadialAxisTickRatioThickness.range"/> + </Property> + <Property name="MaximumAngle" id="7402.MaximumAngle" number_of_elements="1"> + <Element index="0" value="90"/> + <Domain name="range" id="7402.MaximumAngle.range"/> + </Property> + <Property name="MinimumAngle" id="7402.MinimumAngle" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7402.MinimumAngle.range"/> + </Property> + <Property name="MinimumRadius" id="7402.MinimumRadius" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7402.MinimumRadius.range"/> + </Property> + <Property name="NumberOfPolarAxis" id="7402.NumberOfPolarAxis" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7402.NumberOfPolarAxis.range"/> + </Property> + <Property name="NumberOfRadialAxes" id="7402.NumberOfRadialAxes" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7402.NumberOfRadialAxes.range"/> + </Property> + <Property name="Orientation" id="7402.Orientation" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="7402.Orientation.range"/> + </Property> + <Property name="PolarArcsColor" id="7402.PolarArcsColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7402.PolarArcsColor.range"/> + </Property> + <Property name="PolarArcsVisibility" id="7402.PolarArcsVisibility" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7402.PolarArcsVisibility.bool"/> + </Property> + <Property name="PolarAxisColor" id="7402.PolarAxisColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7402.PolarAxisColor.range"/> + </Property> + <Property name="PolarAxisMajorTickSize" id="7402.PolarAxisMajorTickSize" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7402.PolarAxisMajorTickSize.range"/> + </Property> + <Property name="PolarAxisMajorTickThickness" id="7402.PolarAxisMajorTickThickness" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7402.PolarAxisMajorTickThickness.range"/> + </Property> + <Property name="PolarAxisTickRatioSize" id="7402.PolarAxisTickRatioSize" number_of_elements="1"> + <Element index="0" value="0.3"/> + <Domain name="range" id="7402.PolarAxisTickRatioSize.range"/> + </Property> + <Property name="PolarAxisTickRatioThickness" id="7402.PolarAxisTickRatioThickness" number_of_elements="1"> + <Element index="0" value="0.5"/> + <Domain name="range" id="7402.PolarAxisTickRatioThickness.range"/> + </Property> + <Property name="PolarAxisTitle" id="7402.PolarAxisTitle" number_of_elements="1"> + <Element index="0" value="Radial Distance"/> + </Property> + <Property name="PolarAxisTitleLocation" id="7402.PolarAxisTitleLocation" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7402.PolarAxisTitleLocation.enum"> + <Entry value="0" text="Bottom"/> + <Entry value="1" text="Extern"/> + </Domain> + </Property> + <Property name="PolarAxisTitleVisibility" id="7402.PolarAxisTitleVisibility" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7402.PolarAxisTitleVisibility.bool"/> + </Property> + <Property name="PolarAxisVisibility" id="7402.PolarAxisVisibility" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7402.PolarAxisVisibility.bool"/> + </Property> + <Property name="PolarLabelExponentLocation" id="7402.PolarLabelExponentLocation" number_of_elements="1"> + <Element index="0" value="2"/> + <Domain name="enum" id="7402.PolarLabelExponentLocation.enum"> + <Entry value="0" text="Bottom"/> + <Entry value="1" text="Extern"/> + <Entry value="2" text="Labels"/> + </Domain> + </Property> + <Property name="PolarLabelFormat" id="7402.PolarLabelFormat" number_of_elements="1"> + <Element index="0" value="%-#6.3g"/> + </Property> + <Property name="PolarLabelVisibility" id="7402.PolarLabelVisibility" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7402.PolarLabelVisibility.bool"/> + </Property> + <Property name="PolarTicksVisibility" id="7402.PolarTicksVisibility" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7402.PolarTicksVisibility.bool"/> + </Property> + <Property name="Position" id="7402.Position" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="7402.Position.range"/> + </Property> + <Property name="RadialAxesOriginToPolarAxis" id="7402.RadialAxesOriginToPolarAxis" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7402.RadialAxesOriginToPolarAxis.bool"/> + </Property> + <Property name="RadialAxesVisibility" id="7402.RadialAxesVisibility" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7402.RadialAxesVisibility.bool"/> + </Property> + <Property name="RadialLabelFormat" id="7402.RadialLabelFormat" number_of_elements="1"> + <Element index="0" value="%-#3.1f"/> + </Property> + <Property name="RadialLabelLocation" id="7402.RadialLabelLocation" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7402.RadialLabelLocation.enum"> + <Entry value="0" text="Bottom"/> + <Entry value="1" text="Extern"/> + </Domain> + </Property> + <Property name="RadialLabelVisibility" id="7402.RadialLabelVisibility" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7402.RadialLabelVisibility.bool"/> + </Property> + <Property name="RadialUnitsVisibility" id="7402.RadialUnitsVisibility" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7402.RadialUnitsVisibility.bool"/> + </Property> + <Property name="Ratio" id="7402.Ratio" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7402.Ratio.range"/> + </Property> + <Property name="Scale" id="7402.Scale" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7402.Scale.range"/> + </Property> + <Property name="ScreenSize" id="7402.ScreenSize" number_of_elements="1"> + <Element index="0" value="10"/> + <Domain name="range" id="7402.ScreenSize.range"/> + </Property> + <Property name="SecondaryPolarArcsColor" id="7402.SecondaryPolarArcsColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7402.SecondaryPolarArcsColor.range"/> + </Property> + <Property name="SecondaryRadialAxesColor" id="7402.SecondaryRadialAxesColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7402.SecondaryRadialAxesColor.range"/> + </Property> + <Property name="SmallestVisiblePolarAngle" id="7402.SmallestVisiblePolarAngle" number_of_elements="1"> + <Element index="0" value="0.5"/> + <Domain name="range" id="7402.SmallestVisiblePolarAngle.range"/> + </Property> + <Property name="TickLocation" id="7402.TickLocation" number_of_elements="1"> + <Element index="0" value="2"/> + <Domain name="enum" id="7402.TickLocation.enum"> + <Entry value="0" text="Inside"/> + <Entry value="1" text="Outside"/> + <Entry value="2" text="Both"/> + </Domain> + </Property> + <Property name="Use2DMode" id="7402.Use2DMode" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7402.Use2DMode.bool"/> + </Property> + <Property name="UseLogAxis" id="7402.UseLogAxis" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7402.UseLogAxis.bool"/> + </Property> + <Property name="ViewAngleLODThreshold" id="7402.ViewAngleLODThreshold" number_of_elements="1"> + <Element index="0" value="0.7"/> + <Domain name="range" id="7402.ViewAngleLODThreshold.range"/> + </Property> + <Property name="Visibility" id="7402.Visibility" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7402.Visibility.bool"/> + </Property> + <Property name="LastRadialAxisTextBold" id="7402.LastRadialAxisTextBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7402.LastRadialAxisTextBold.bool"/> + </Property> + <Property name="LastRadialAxisTextColor" id="7402.LastRadialAxisTextColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7402.LastRadialAxisTextColor.range"/> + </Property> + <Property name="LastRadialAxisTextFontFamily" id="7402.LastRadialAxisTextFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7402.LastRadialAxisTextFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="LastRadialAxisTextFontFile" id="7402.LastRadialAxisTextFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="LastRadialAxisTextFontSize" id="7402.LastRadialAxisTextFontSize" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="7402.LastRadialAxisTextFontSize.range"/> + </Property> + <Property name="LastRadialAxisTextItalic" id="7402.LastRadialAxisTextItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7402.LastRadialAxisTextItalic.bool"/> + </Property> + <Property name="LastRadialAxisTextOpacity" id="7402.LastRadialAxisTextOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7402.LastRadialAxisTextOpacity.range"/> + </Property> + <Property name="LastRadialAxisTextShadow" id="7402.LastRadialAxisTextShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7402.LastRadialAxisTextShadow.bool"/> + </Property> + <Property name="PolarAxisLabelBold" id="7402.PolarAxisLabelBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7402.PolarAxisLabelBold.bool"/> + </Property> + <Property name="PolarAxisLabelColor" id="7402.PolarAxisLabelColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7402.PolarAxisLabelColor.range"/> + </Property> + <Property name="PolarAxisLabelFontFamily" id="7402.PolarAxisLabelFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7402.PolarAxisLabelFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="PolarAxisLabelFontFile" id="7402.PolarAxisLabelFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="PolarAxisLabelFontSize" id="7402.PolarAxisLabelFontSize" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="7402.PolarAxisLabelFontSize.range"/> + </Property> + <Property name="PolarAxisLabelItalic" id="7402.PolarAxisLabelItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7402.PolarAxisLabelItalic.bool"/> + </Property> + <Property name="PolarAxisLabelOpacity" id="7402.PolarAxisLabelOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7402.PolarAxisLabelOpacity.range"/> + </Property> + <Property name="PolarAxisLabelShadow" id="7402.PolarAxisLabelShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7402.PolarAxisLabelShadow.bool"/> + </Property> + <Property name="PolarAxisTitleBold" id="7402.PolarAxisTitleBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7402.PolarAxisTitleBold.bool"/> + </Property> + <Property name="PolarAxisTitleColor" id="7402.PolarAxisTitleColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7402.PolarAxisTitleColor.range"/> + </Property> + <Property name="PolarAxisTitleFontFamily" id="7402.PolarAxisTitleFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7402.PolarAxisTitleFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="PolarAxisTitleFontFile" id="7402.PolarAxisTitleFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="PolarAxisTitleFontSize" id="7402.PolarAxisTitleFontSize" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="7402.PolarAxisTitleFontSize.range"/> + </Property> + <Property name="PolarAxisTitleItalic" id="7402.PolarAxisTitleItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7402.PolarAxisTitleItalic.bool"/> + </Property> + <Property name="PolarAxisTitleOpacity" id="7402.PolarAxisTitleOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7402.PolarAxisTitleOpacity.range"/> + </Property> + <Property name="PolarAxisTitleShadow" id="7402.PolarAxisTitleShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7402.PolarAxisTitleShadow.bool"/> + </Property> + <Property name="SecondaryRadialAxesTextBold" id="7402.SecondaryRadialAxesTextBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7402.SecondaryRadialAxesTextBold.bool"/> + </Property> + <Property name="SecondaryRadialAxesTextColor" id="7402.SecondaryRadialAxesTextColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7402.SecondaryRadialAxesTextColor.range"/> + </Property> + <Property name="SecondaryRadialAxesTextFontFamily" id="7402.SecondaryRadialAxesTextFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7402.SecondaryRadialAxesTextFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="SecondaryRadialAxesTextFontFile" id="7402.SecondaryRadialAxesTextFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="SecondaryRadialAxesTextFontSize" id="7402.SecondaryRadialAxesTextFontSize" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="7402.SecondaryRadialAxesTextFontSize.range"/> + </Property> + <Property name="SecondaryRadialAxesTextItalic" id="7402.SecondaryRadialAxesTextItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7402.SecondaryRadialAxesTextItalic.bool"/> + </Property> + <Property name="SecondaryRadialAxesTextOpacity" id="7402.SecondaryRadialAxesTextOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7402.SecondaryRadialAxesTextOpacity.range"/> + </Property> + <Property name="SecondaryRadialAxesTextShadow" id="7402.SecondaryRadialAxesTextShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7402.SecondaryRadialAxesTextShadow.bool"/> + </Property> + </Proxy> + <Proxy group="piecewise_functions" type="PiecewiseFunction" id="7535" servers="21"> + <Property name="AllowDuplicateScalars" id="7535.AllowDuplicateScalars" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7535.AllowDuplicateScalars.bool"/> + </Property> + <Property name="Points" id="7535.Points" number_of_elements="8"> + <Element index="0" value="1"/> + <Element index="1" value="0"/> + <Element index="2" value="0.5"/> + <Element index="3" value="0"/> + <Element index="4" value="3"/> + <Element index="5" value="1"/> + <Element index="6" value="0.5"/> + <Element index="7" value="0"/> + </Property> + <Property name="ScalarRangeInitialized" id="7535.ScalarRangeInitialized" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7535.ScalarRangeInitialized.bool"/> + </Property> + <Property name="UseLogScale" id="7535.UseLogScale" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7535.UseLogScale.bool"/> + </Property> + </Proxy> + <Proxy group="misc" type="RepresentationAnimationHelper" id="7727" servers="16"> + <Property name="Source" id="7727.Source" number_of_elements="1"> + <Proxy value="7716"/> + </Property> + </Proxy> + <Proxy group="representations" type="GridAxesRepresentation" id="7736" servers="21"> + <Property name="GridAxesVisibility" id="7736.GridAxesVisibility" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7736.GridAxesVisibility.bool"/> + </Property> + <Property name="Input" id="7736.Input"> + <Domain name="input_array_any" id="7736.Input.input_array_any"/> + </Property> + <Property name="Position" id="7736.Position" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="7736.Position.range"/> + </Property> + <Property name="Scale" id="7736.Scale" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7736.Scale.range"/> + </Property> + <Property name="AxesToLabel" id="7736.AxesToLabel" number_of_elements="1"> + <Element index="0" value="63"/> + <Domain name="range" id="7736.AxesToLabel.range"/> + </Property> + <Property name="CullBackface" id="7736.CullBackface" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7736.CullBackface.bool"/> + </Property> + <Property name="CullFrontface" id="7736.CullFrontface" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7736.CullFrontface.bool"/> + </Property> + <Property name="CustomBounds" id="7736.CustomBounds" number_of_elements="6"> + <Element index="0" value="0"/> + <Element index="1" value="1"/> + <Element index="2" value="0"/> + <Element index="3" value="1"/> + <Element index="4" value="0"/> + <Element index="5" value="1"/> + <Domain name="range" id="7736.CustomBounds.range"/> + </Property> + <Property name="FacesToRender" id="7736.FacesToRender" number_of_elements="1"> + <Element index="0" value="63"/> + <Domain name="range" id="7736.FacesToRender.range"/> + </Property> + <Property name="GridColor" id="7736.GridColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7736.GridColor.range"/> + </Property> + <Property name="LabelUniqueEdgesOnly" id="7736.LabelUniqueEdgesOnly" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7736.LabelUniqueEdgesOnly.bool"/> + </Property> + <Property name="ShowEdges" id="7736.ShowEdges" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7736.ShowEdges.bool"/> + </Property> + <Property name="ShowGrid" id="7736.ShowGrid" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7736.ShowGrid.bool"/> + </Property> + <Property name="ShowTicks" id="7736.ShowTicks" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7736.ShowTicks.bool"/> + </Property> + <Property name="UseCustomBounds" id="7736.UseCustomBounds" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7736.UseCustomBounds.bool"/> + </Property> + <Property name="XAxisLabels" id="7736.XAxisLabels"> + <Domain name="scalar_range" id="7736.XAxisLabels.scalar_range"/> + </Property> + <Property name="XAxisNotation" id="7736.XAxisNotation" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7736.XAxisNotation.enum"> + <Entry value="0" text="Mixed"/> + <Entry value="1" text="Scientific"/> + <Entry value="2" text="Fixed"/> + </Domain> + </Property> + <Property name="XAxisPrecision" id="7736.XAxisPrecision" number_of_elements="1"> + <Element index="0" value="2"/> + <Domain name="range" id="7736.XAxisPrecision.range"/> + </Property> + <Property name="XAxisUseCustomLabels" id="7736.XAxisUseCustomLabels" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7736.XAxisUseCustomLabels.bool"/> + </Property> + <Property name="XLabelBold" id="7736.XLabelBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7736.XLabelBold.bool"/> + </Property> + <Property name="XLabelColor" id="7736.XLabelColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7736.XLabelColor.range"/> + </Property> + <Property name="XLabelFontFamily" id="7736.XLabelFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7736.XLabelFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="XLabelFontFile" id="7736.XLabelFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="XLabelFontSize" id="7736.XLabelFontSize" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="7736.XLabelFontSize.range"/> + </Property> + <Property name="XLabelItalic" id="7736.XLabelItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7736.XLabelItalic.bool"/> + </Property> + <Property name="XLabelOpacity" id="7736.XLabelOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7736.XLabelOpacity.range"/> + </Property> + <Property name="XLabelShadow" id="7736.XLabelShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7736.XLabelShadow.bool"/> + </Property> + <Property name="XTitle" id="7736.XTitle" number_of_elements="1"> + <Element index="0" value="X Axis"/> + </Property> + <Property name="XTitleBold" id="7736.XTitleBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7736.XTitleBold.bool"/> + </Property> + <Property name="XTitleColor" id="7736.XTitleColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7736.XTitleColor.range"/> + </Property> + <Property name="XTitleFontFamily" id="7736.XTitleFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7736.XTitleFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="XTitleFontFile" id="7736.XTitleFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="XTitleFontSize" id="7736.XTitleFontSize" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="7736.XTitleFontSize.range"/> + </Property> + <Property name="XTitleItalic" id="7736.XTitleItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7736.XTitleItalic.bool"/> + </Property> + <Property name="XTitleOpacity" id="7736.XTitleOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7736.XTitleOpacity.range"/> + </Property> + <Property name="XTitleShadow" id="7736.XTitleShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7736.XTitleShadow.bool"/> + </Property> + <Property name="YAxisLabels" id="7736.YAxisLabels"> + <Domain name="scalar_range" id="7736.YAxisLabels.scalar_range"/> + </Property> + <Property name="YAxisNotation" id="7736.YAxisNotation" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7736.YAxisNotation.enum"> + <Entry value="0" text="Mixed"/> + <Entry value="1" text="Scientific"/> + <Entry value="2" text="Fixed"/> + </Domain> + </Property> + <Property name="YAxisPrecision" id="7736.YAxisPrecision" number_of_elements="1"> + <Element index="0" value="2"/> + <Domain name="range" id="7736.YAxisPrecision.range"/> + </Property> + <Property name="YAxisUseCustomLabels" id="7736.YAxisUseCustomLabels" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7736.YAxisUseCustomLabels.bool"/> + </Property> + <Property name="YLabelBold" id="7736.YLabelBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7736.YLabelBold.bool"/> + </Property> + <Property name="YLabelColor" id="7736.YLabelColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7736.YLabelColor.range"/> + </Property> + <Property name="YLabelFontFamily" id="7736.YLabelFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7736.YLabelFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="YLabelFontFile" id="7736.YLabelFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="YLabelFontSize" id="7736.YLabelFontSize" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="7736.YLabelFontSize.range"/> + </Property> + <Property name="YLabelItalic" id="7736.YLabelItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7736.YLabelItalic.bool"/> + </Property> + <Property name="YLabelOpacity" id="7736.YLabelOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7736.YLabelOpacity.range"/> + </Property> + <Property name="YLabelShadow" id="7736.YLabelShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7736.YLabelShadow.bool"/> + </Property> + <Property name="YTitle" id="7736.YTitle" number_of_elements="1"> + <Element index="0" value="Y Axis"/> + </Property> + <Property name="YTitleBold" id="7736.YTitleBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7736.YTitleBold.bool"/> + </Property> + <Property name="YTitleColor" id="7736.YTitleColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7736.YTitleColor.range"/> + </Property> + <Property name="YTitleFontFamily" id="7736.YTitleFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7736.YTitleFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="YTitleFontFile" id="7736.YTitleFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="YTitleFontSize" id="7736.YTitleFontSize" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="7736.YTitleFontSize.range"/> + </Property> + <Property name="YTitleItalic" id="7736.YTitleItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7736.YTitleItalic.bool"/> + </Property> + <Property name="YTitleOpacity" id="7736.YTitleOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7736.YTitleOpacity.range"/> + </Property> + <Property name="YTitleShadow" id="7736.YTitleShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7736.YTitleShadow.bool"/> + </Property> + <Property name="ZAxisLabels" id="7736.ZAxisLabels"> + <Domain name="scalar_range" id="7736.ZAxisLabels.scalar_range"/> + </Property> + <Property name="ZAxisNotation" id="7736.ZAxisNotation" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7736.ZAxisNotation.enum"> + <Entry value="0" text="Mixed"/> + <Entry value="1" text="Scientific"/> + <Entry value="2" text="Fixed"/> + </Domain> + </Property> + <Property name="ZAxisPrecision" id="7736.ZAxisPrecision" number_of_elements="1"> + <Element index="0" value="2"/> + <Domain name="range" id="7736.ZAxisPrecision.range"/> + </Property> + <Property name="ZAxisUseCustomLabels" id="7736.ZAxisUseCustomLabels" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7736.ZAxisUseCustomLabels.bool"/> + </Property> + <Property name="ZLabelBold" id="7736.ZLabelBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7736.ZLabelBold.bool"/> + </Property> + <Property name="ZLabelColor" id="7736.ZLabelColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7736.ZLabelColor.range"/> + </Property> + <Property name="ZLabelFontFamily" id="7736.ZLabelFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7736.ZLabelFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="ZLabelFontFile" id="7736.ZLabelFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="ZLabelFontSize" id="7736.ZLabelFontSize" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="7736.ZLabelFontSize.range"/> + </Property> + <Property name="ZLabelItalic" id="7736.ZLabelItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7736.ZLabelItalic.bool"/> + </Property> + <Property name="ZLabelOpacity" id="7736.ZLabelOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7736.ZLabelOpacity.range"/> + </Property> + <Property name="ZLabelShadow" id="7736.ZLabelShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7736.ZLabelShadow.bool"/> + </Property> + <Property name="ZTitle" id="7736.ZTitle" number_of_elements="1"> + <Element index="0" value="Z Axis"/> + </Property> + <Property name="ZTitleBold" id="7736.ZTitleBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7736.ZTitleBold.bool"/> + </Property> + <Property name="ZTitleColor" id="7736.ZTitleColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7736.ZTitleColor.range"/> + </Property> + <Property name="ZTitleFontFamily" id="7736.ZTitleFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7736.ZTitleFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="ZTitleFontFile" id="7736.ZTitleFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="ZTitleFontSize" id="7736.ZTitleFontSize" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="7736.ZTitleFontSize.range"/> + </Property> + <Property name="ZTitleItalic" id="7736.ZTitleItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7736.ZTitleItalic.bool"/> + </Property> + <Property name="ZTitleOpacity" id="7736.ZTitleOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7736.ZTitleOpacity.range"/> + </Property> + <Property name="ZTitleShadow" id="7736.ZTitleShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7736.ZTitleShadow.bool"/> + </Property> + </Proxy> + <Proxy group="sources" type="ArrowSource" id="7773" servers="21"> + <Property name="Invert" id="7773.Invert" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7773.Invert.bool"/> + </Property> + <Property name="ShaftRadius" id="7773.ShaftRadius" number_of_elements="1"> + <Element index="0" value="0.03"/> + <Domain name="range" id="7773.ShaftRadius.range"/> + </Property> + <Property name="ShaftResolution" id="7773.ShaftResolution" number_of_elements="1"> + <Element index="0" value="6"/> + <Domain name="range" id="7773.ShaftResolution.range"/> + </Property> + <Property name="TipLength" id="7773.TipLength" number_of_elements="1"> + <Element index="0" value="0.35"/> + <Domain name="range" id="7773.TipLength.range"/> + </Property> + <Property name="TipRadius" id="7773.TipRadius" number_of_elements="1"> + <Element index="0" value="0.1"/> + <Domain name="range" id="7773.TipRadius.range"/> + </Property> + <Property name="TipResolution" id="7773.TipResolution" number_of_elements="1"> + <Element index="0" value="6"/> + <Domain name="range" id="7773.TipResolution.range"/> + </Property> + </Proxy> + <Proxy group="sources" type="ConeSource" id="7784" servers="21"> + <Property name="Capping" id="7784.Capping" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7784.Capping.bool"/> + </Property> + <Property name="Center" id="7784.Center" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="7784.Center.range"/> + </Property> + <Property name="Direction" id="7784.Direction" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="7784.Direction.range"/> + </Property> + <Property name="Height" id="7784.Height" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7784.Height.range"/> + </Property> + <Property name="Radius" id="7784.Radius" number_of_elements="1"> + <Element index="0" value="0.5"/> + <Domain name="range" id="7784.Radius.range"/> + </Property> + <Property name="Resolution" id="7784.Resolution" number_of_elements="1"> + <Element index="0" value="6"/> + <Domain name="range" id="7784.Resolution.range"/> + </Property> + </Proxy> + <Proxy group="sources" type="CubeSource" id="7795" servers="21"> + <Property name="Center" id="7795.Center" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="7795.Center.range"/> + </Property> + <Property name="XLength" id="7795.XLength" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7795.XLength.range"/> + </Property> + <Property name="YLength" id="7795.YLength" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7795.YLength.range"/> + </Property> + <Property name="ZLength" id="7795.ZLength" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7795.ZLength.range"/> + </Property> + </Proxy> + <Proxy group="sources" type="CylinderSource" id="7806" servers="21"> + <Property name="Capping" id="7806.Capping" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7806.Capping.bool"/> + </Property> + <Property name="Center" id="7806.Center" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="7806.Center.range"/> + </Property> + <Property name="Height" id="7806.Height" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7806.Height.range"/> + </Property> + <Property name="Radius" id="7806.Radius" number_of_elements="1"> + <Element index="0" value="0.5"/> + <Domain name="range" id="7806.Radius.range"/> + </Property> + <Property name="Resolution" id="7806.Resolution" number_of_elements="1"> + <Element index="0" value="6"/> + <Domain name="range" id="7806.Resolution.range"/> + </Property> + </Proxy> + <Proxy group="sources" type="LineSource" id="7817" servers="21"> + <Property name="Point1" id="7817.Point1" number_of_elements="3"> + <Element index="0" value="-0.5"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="7817.Point1.range"/> + </Property> + <Property name="Point2" id="7817.Point2" number_of_elements="3"> + <Element index="0" value="0.5"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="7817.Point2.range"/> + </Property> + <Property name="RefinementRatios" id="7817.RefinementRatios" number_of_elements="2"> + <Element index="0" value="0"/> + <Element index="1" value="1"/> + <Domain name="range" id="7817.RefinementRatios.range"/> + </Property> + <Property name="Resolution" id="7817.Resolution" number_of_elements="1"> + <Element index="0" value="6"/> + <Domain name="range" id="7817.Resolution.range"/> + </Property> + <Property name="UseRegularRefinement" id="7817.UseRegularRefinement" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7817.UseRegularRefinement.bool"/> + </Property> + </Proxy> + <Proxy group="sources" type="SphereSource" id="7828" servers="21"> + <Property name="Center" id="7828.Center" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="7828.Center.range"/> + </Property> + <Property name="EndPhi" id="7828.EndPhi" number_of_elements="1"> + <Element index="0" value="180"/> + <Domain name="range" id="7828.EndPhi.range"/> + </Property> + <Property name="EndTheta" id="7828.EndTheta" number_of_elements="1"> + <Element index="0" value="360"/> + <Domain name="range" id="7828.EndTheta.range"/> + </Property> + <Property name="PhiResolution" id="7828.PhiResolution" number_of_elements="1"> + <Element index="0" value="8"/> + <Domain name="range" id="7828.PhiResolution.range"/> + </Property> + <Property name="Radius" id="7828.Radius" number_of_elements="1"> + <Element index="0" value="0.5"/> + <Domain name="range" id="7828.Radius.range"/> + </Property> + <Property name="StartPhi" id="7828.StartPhi" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7828.StartPhi.range"/> + </Property> + <Property name="StartTheta" id="7828.StartTheta" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7828.StartTheta.range"/> + </Property> + <Property name="ThetaResolution" id="7828.ThetaResolution" number_of_elements="1"> + <Element index="0" value="8"/> + <Domain name="range" id="7828.ThetaResolution.range"/> + </Property> + </Proxy> + <Proxy group="sources" type="GlyphSource2D" id="7839" servers="21"> + <Property name="Center" id="7839.Center" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="7839.Center.range"/> + </Property> + <Property name="Filled" id="7839.Filled" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7839.Filled.bool"/> + </Property> + <Property name="GlyphType" id="7839.GlyphType" number_of_elements="1"> + <Element index="0" value="9"/> + <Domain name="enum" id="7839.GlyphType.enum"> + <Entry value="1" text="Vertex"/> + <Entry value="2" text="Dash"/> + <Entry value="3" text="Cross"/> + <Entry value="4" text="ThickCross"/> + <Entry value="5" text="Triangle"/> + <Entry value="6" text="Square"/> + <Entry value="7" text="Circle"/> + <Entry value="8" text="Diamond"/> + <Entry value="9" text="Arrow"/> + <Entry value="10" text="ThickArrow"/> + <Entry value="11" text="HookedArrow"/> + <Entry value="12" text="EdgeArrow"/> + </Domain> + </Property> + </Proxy> + <Proxy group="internal_filters" type="PipelineConnection" id="7850" servers="21"> + <Property name="AllowNullInput" id="7850.AllowNullInput" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7850.AllowNullInput.bool"/> + </Property> + <Property name="Input" id="7850.Input"> + <Domain name="groups" id="7850.Input.groups"/> + <Domain name="input_type" id="7850.Input.input_type"/> + </Property> + </Proxy> + <Proxy group="piecewise_functions" type="PiecewiseFunction" id="7918" servers="21"> + <Property name="AllowDuplicateScalars" id="7918.AllowDuplicateScalars" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7918.AllowDuplicateScalars.bool"/> + </Property> + <Property name="Points" id="7918.Points" number_of_elements="8"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0.5"/> + <Element index="3" value="0"/> + <Element index="4" value="1"/> + <Element index="5" value="1"/> + <Element index="6" value="0.5"/> + <Element index="7" value="0"/> + </Property> + <Property name="ScalarRangeInitialized" id="7918.ScalarRangeInitialized" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7918.ScalarRangeInitialized.bool"/> + </Property> + <Property name="UseLogScale" id="7918.UseLogScale" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7918.UseLogScale.bool"/> + </Property> + </Proxy> + <Proxy group="piecewise_functions" type="PiecewiseFunction" id="7883" servers="21"> + <Property name="AllowDuplicateScalars" id="7883.AllowDuplicateScalars" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7883.AllowDuplicateScalars.bool"/> + </Property> + <Property name="Points" id="7883.Points" number_of_elements="8"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0.5"/> + <Element index="3" value="0"/> + <Element index="4" value="1"/> + <Element index="5" value="1"/> + <Element index="6" value="0.5"/> + <Element index="7" value="0"/> + </Property> + <Property name="ScalarRangeInitialized" id="7883.ScalarRangeInitialized" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7883.ScalarRangeInitialized.bool"/> + </Property> + <Property name="UseLogScale" id="7883.UseLogScale" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7883.UseLogScale.bool"/> + </Property> + </Proxy> + <Proxy group="representations" type="PolarAxesRepresentation" id="7751" servers="21"> + <Property name="ArcMajorTickSize" id="7751.ArcMajorTickSize" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7751.ArcMajorTickSize.range"/> + </Property> + <Property name="ArcMajorTickThickness" id="7751.ArcMajorTickThickness" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7751.ArcMajorTickThickness.range"/> + </Property> + <Property name="ArcMinorTickVisibility" id="7751.ArcMinorTickVisibility" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7751.ArcMinorTickVisibility.bool"/> + </Property> + <Property name="ArcTickRatioSize" id="7751.ArcTickRatioSize" number_of_elements="1"> + <Element index="0" value="0.3"/> + <Domain name="range" id="7751.ArcTickRatioSize.range"/> + </Property> + <Property name="ArcTickRatioThickness" id="7751.ArcTickRatioThickness" number_of_elements="1"> + <Element index="0" value="0.5"/> + <Domain name="range" id="7751.ArcTickRatioThickness.range"/> + </Property> + <Property name="ArcTickVisibility" id="7751.ArcTickVisibility" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7751.ArcTickVisibility.bool"/> + </Property> + <Property name="ArcTicksOriginToPolarAxis" id="7751.ArcTicksOriginToPolarAxis" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7751.ArcTicksOriginToPolarAxis.bool"/> + </Property> + <Property name="AutoSubdividePolarAxis" id="7751.AutoSubdividePolarAxis" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7751.AutoSubdividePolarAxis.bool"/> + </Property> + <Property name="AxisMinorTickVisibility" id="7751.AxisMinorTickVisibility" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7751.AxisMinorTickVisibility.bool"/> + </Property> + <Property name="AxisTickVisibility" id="7751.AxisTickVisibility" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7751.AxisTickVisibility.bool"/> + </Property> + <Property name="CustomBounds" id="7751.CustomBounds" number_of_elements="6"> + <Element index="0" value="0"/> + <Element index="1" value="1"/> + <Element index="2" value="0"/> + <Element index="3" value="1"/> + <Element index="4" value="0"/> + <Element index="5" value="1"/> + </Property> + <Property name="CustomRange" id="7751.CustomRange" number_of_elements="2"> + <Element index="0" value="0"/> + <Element index="1" value="1"/> + </Property> + <Property name="DataBounds" id="7751.DataBounds" number_of_elements="6"> + <Element index="0" value="0"/> + <Element index="1" value="1"/> + <Element index="2" value="0"/> + <Element index="3" value="1"/> + <Element index="4" value="0"/> + <Element index="5" value="1"/> + </Property> + <Property name="DeltaAngleMajor" id="7751.DeltaAngleMajor" number_of_elements="1"> + <Element index="0" value="10"/> + <Domain name="range" id="7751.DeltaAngleMajor.range"/> + </Property> + <Property name="DeltaAngleMinor" id="7751.DeltaAngleMinor" number_of_elements="1"> + <Element index="0" value="5"/> + <Domain name="range" id="7751.DeltaAngleMinor.range"/> + </Property> + <Property name="DeltaRangeMajor" id="7751.DeltaRangeMajor" number_of_elements="1"> + <Element index="0" value="1"/> + </Property> + <Property name="DeltaRangeMinor" id="7751.DeltaRangeMinor" number_of_elements="1"> + <Element index="0" value="1"/> + </Property> + <Property name="DistanceLODThreshold" id="7751.DistanceLODThreshold" number_of_elements="1"> + <Element index="0" value="0.7"/> + <Domain name="range" id="7751.DistanceLODThreshold.range"/> + </Property> + <Property name="DrawPolarArcsGridlines" id="7751.DrawPolarArcsGridlines" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7751.DrawPolarArcsGridlines.bool"/> + </Property> + <Property name="DrawRadialGridlines" id="7751.DrawRadialGridlines" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7751.DrawRadialGridlines.bool"/> + </Property> + <Property name="EnableCustomBounds" id="7751.EnableCustomBounds" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + </Property> + <Property name="EnableCustomRange" id="7751.EnableCustomRange" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7751.EnableCustomRange.bool"/> + </Property> + <Property name="EnableDistanceLOD" id="7751.EnableDistanceLOD" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7751.EnableDistanceLOD.bool"/> + </Property> + <Property name="EnableViewAngleLOD" id="7751.EnableViewAngleLOD" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7751.EnableViewAngleLOD.bool"/> + </Property> + <Property name="Input" id="7751.Input" number_of_elements="1"> + <Proxy value="7716" output_port="0"/> + <Domain name="input_type" id="7751.Input.input_type"/> + </Property> + <Property name="LastRadialAxisColor" id="7751.LastRadialAxisColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7751.LastRadialAxisColor.range"/> + </Property> + <Property name="LastRadialAxisMajorTickSize" id="7751.LastRadialAxisMajorTickSize" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7751.LastRadialAxisMajorTickSize.range"/> + </Property> + <Property name="LastRadialAxisMajorTickThickness" id="7751.LastRadialAxisMajorTickThickness" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7751.LastRadialAxisMajorTickThickness.range"/> + </Property> + <Property name="LastRadialAxisTickRatioSize" id="7751.LastRadialAxisTickRatioSize" number_of_elements="1"> + <Element index="0" value="0.3"/> + <Domain name="range" id="7751.LastRadialAxisTickRatioSize.range"/> + </Property> + <Property name="LastRadialAxisTickRatioThickness" id="7751.LastRadialAxisTickRatioThickness" number_of_elements="1"> + <Element index="0" value="0.5"/> + <Domain name="range" id="7751.LastRadialAxisTickRatioThickness.range"/> + </Property> + <Property name="MaximumAngle" id="7751.MaximumAngle" number_of_elements="1"> + <Element index="0" value="90"/> + <Domain name="range" id="7751.MaximumAngle.range"/> + </Property> + <Property name="MinimumAngle" id="7751.MinimumAngle" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7751.MinimumAngle.range"/> + </Property> + <Property name="MinimumRadius" id="7751.MinimumRadius" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7751.MinimumRadius.range"/> + </Property> + <Property name="NumberOfPolarAxis" id="7751.NumberOfPolarAxis" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7751.NumberOfPolarAxis.range"/> + </Property> + <Property name="NumberOfRadialAxes" id="7751.NumberOfRadialAxes" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7751.NumberOfRadialAxes.range"/> + </Property> + <Property name="Orientation" id="7751.Orientation" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="7751.Orientation.range"/> + </Property> + <Property name="PolarArcsColor" id="7751.PolarArcsColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7751.PolarArcsColor.range"/> + </Property> + <Property name="PolarArcsVisibility" id="7751.PolarArcsVisibility" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7751.PolarArcsVisibility.bool"/> + </Property> + <Property name="PolarAxisColor" id="7751.PolarAxisColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7751.PolarAxisColor.range"/> + </Property> + <Property name="PolarAxisMajorTickSize" id="7751.PolarAxisMajorTickSize" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7751.PolarAxisMajorTickSize.range"/> + </Property> + <Property name="PolarAxisMajorTickThickness" id="7751.PolarAxisMajorTickThickness" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7751.PolarAxisMajorTickThickness.range"/> + </Property> + <Property name="PolarAxisTickRatioSize" id="7751.PolarAxisTickRatioSize" number_of_elements="1"> + <Element index="0" value="0.3"/> + <Domain name="range" id="7751.PolarAxisTickRatioSize.range"/> + </Property> + <Property name="PolarAxisTickRatioThickness" id="7751.PolarAxisTickRatioThickness" number_of_elements="1"> + <Element index="0" value="0.5"/> + <Domain name="range" id="7751.PolarAxisTickRatioThickness.range"/> + </Property> + <Property name="PolarAxisTitle" id="7751.PolarAxisTitle" number_of_elements="1"> + <Element index="0" value="Radial Distance"/> + </Property> + <Property name="PolarAxisTitleLocation" id="7751.PolarAxisTitleLocation" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7751.PolarAxisTitleLocation.enum"> + <Entry value="0" text="Bottom"/> + <Entry value="1" text="Extern"/> + </Domain> + </Property> + <Property name="PolarAxisTitleVisibility" id="7751.PolarAxisTitleVisibility" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7751.PolarAxisTitleVisibility.bool"/> + </Property> + <Property name="PolarAxisVisibility" id="7751.PolarAxisVisibility" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7751.PolarAxisVisibility.bool"/> + </Property> + <Property name="PolarLabelExponentLocation" id="7751.PolarLabelExponentLocation" number_of_elements="1"> + <Element index="0" value="2"/> + <Domain name="enum" id="7751.PolarLabelExponentLocation.enum"> + <Entry value="0" text="Bottom"/> + <Entry value="1" text="Extern"/> + <Entry value="2" text="Labels"/> + </Domain> + </Property> + <Property name="PolarLabelFormat" id="7751.PolarLabelFormat" number_of_elements="1"> + <Element index="0" value="%-#6.3g"/> + </Property> + <Property name="PolarLabelVisibility" id="7751.PolarLabelVisibility" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7751.PolarLabelVisibility.bool"/> + </Property> + <Property name="PolarTicksVisibility" id="7751.PolarTicksVisibility" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7751.PolarTicksVisibility.bool"/> + </Property> + <Property name="Position" id="7751.Position" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="7751.Position.range"/> + </Property> + <Property name="RadialAxesOriginToPolarAxis" id="7751.RadialAxesOriginToPolarAxis" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7751.RadialAxesOriginToPolarAxis.bool"/> + </Property> + <Property name="RadialAxesVisibility" id="7751.RadialAxesVisibility" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7751.RadialAxesVisibility.bool"/> + </Property> + <Property name="RadialLabelFormat" id="7751.RadialLabelFormat" number_of_elements="1"> + <Element index="0" value="%-#3.1f"/> + </Property> + <Property name="RadialLabelLocation" id="7751.RadialLabelLocation" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7751.RadialLabelLocation.enum"> + <Entry value="0" text="Bottom"/> + <Entry value="1" text="Extern"/> + </Domain> + </Property> + <Property name="RadialLabelVisibility" id="7751.RadialLabelVisibility" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7751.RadialLabelVisibility.bool"/> + </Property> + <Property name="RadialUnitsVisibility" id="7751.RadialUnitsVisibility" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7751.RadialUnitsVisibility.bool"/> + </Property> + <Property name="Ratio" id="7751.Ratio" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7751.Ratio.range"/> + </Property> + <Property name="Scale" id="7751.Scale" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7751.Scale.range"/> + </Property> + <Property name="ScreenSize" id="7751.ScreenSize" number_of_elements="1"> + <Element index="0" value="10"/> + <Domain name="range" id="7751.ScreenSize.range"/> + </Property> + <Property name="SecondaryPolarArcsColor" id="7751.SecondaryPolarArcsColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7751.SecondaryPolarArcsColor.range"/> + </Property> + <Property name="SecondaryRadialAxesColor" id="7751.SecondaryRadialAxesColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7751.SecondaryRadialAxesColor.range"/> + </Property> + <Property name="SmallestVisiblePolarAngle" id="7751.SmallestVisiblePolarAngle" number_of_elements="1"> + <Element index="0" value="0.5"/> + <Domain name="range" id="7751.SmallestVisiblePolarAngle.range"/> + </Property> + <Property name="TickLocation" id="7751.TickLocation" number_of_elements="1"> + <Element index="0" value="2"/> + <Domain name="enum" id="7751.TickLocation.enum"> + <Entry value="0" text="Inside"/> + <Entry value="1" text="Outside"/> + <Entry value="2" text="Both"/> + </Domain> + </Property> + <Property name="Use2DMode" id="7751.Use2DMode" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7751.Use2DMode.bool"/> + </Property> + <Property name="UseLogAxis" id="7751.UseLogAxis" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7751.UseLogAxis.bool"/> + </Property> + <Property name="ViewAngleLODThreshold" id="7751.ViewAngleLODThreshold" number_of_elements="1"> + <Element index="0" value="0.7"/> + <Domain name="range" id="7751.ViewAngleLODThreshold.range"/> + </Property> + <Property name="Visibility" id="7751.Visibility" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7751.Visibility.bool"/> + </Property> + <Property name="LastRadialAxisTextBold" id="7751.LastRadialAxisTextBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7751.LastRadialAxisTextBold.bool"/> + </Property> + <Property name="LastRadialAxisTextColor" id="7751.LastRadialAxisTextColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7751.LastRadialAxisTextColor.range"/> + </Property> + <Property name="LastRadialAxisTextFontFamily" id="7751.LastRadialAxisTextFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7751.LastRadialAxisTextFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="LastRadialAxisTextFontFile" id="7751.LastRadialAxisTextFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="LastRadialAxisTextFontSize" id="7751.LastRadialAxisTextFontSize" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="7751.LastRadialAxisTextFontSize.range"/> + </Property> + <Property name="LastRadialAxisTextItalic" id="7751.LastRadialAxisTextItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7751.LastRadialAxisTextItalic.bool"/> + </Property> + <Property name="LastRadialAxisTextOpacity" id="7751.LastRadialAxisTextOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7751.LastRadialAxisTextOpacity.range"/> + </Property> + <Property name="LastRadialAxisTextShadow" id="7751.LastRadialAxisTextShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7751.LastRadialAxisTextShadow.bool"/> + </Property> + <Property name="PolarAxisLabelBold" id="7751.PolarAxisLabelBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7751.PolarAxisLabelBold.bool"/> + </Property> + <Property name="PolarAxisLabelColor" id="7751.PolarAxisLabelColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7751.PolarAxisLabelColor.range"/> + </Property> + <Property name="PolarAxisLabelFontFamily" id="7751.PolarAxisLabelFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7751.PolarAxisLabelFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="PolarAxisLabelFontFile" id="7751.PolarAxisLabelFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="PolarAxisLabelFontSize" id="7751.PolarAxisLabelFontSize" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="7751.PolarAxisLabelFontSize.range"/> + </Property> + <Property name="PolarAxisLabelItalic" id="7751.PolarAxisLabelItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7751.PolarAxisLabelItalic.bool"/> + </Property> + <Property name="PolarAxisLabelOpacity" id="7751.PolarAxisLabelOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7751.PolarAxisLabelOpacity.range"/> + </Property> + <Property name="PolarAxisLabelShadow" id="7751.PolarAxisLabelShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7751.PolarAxisLabelShadow.bool"/> + </Property> + <Property name="PolarAxisTitleBold" id="7751.PolarAxisTitleBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7751.PolarAxisTitleBold.bool"/> + </Property> + <Property name="PolarAxisTitleColor" id="7751.PolarAxisTitleColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7751.PolarAxisTitleColor.range"/> + </Property> + <Property name="PolarAxisTitleFontFamily" id="7751.PolarAxisTitleFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7751.PolarAxisTitleFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="PolarAxisTitleFontFile" id="7751.PolarAxisTitleFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="PolarAxisTitleFontSize" id="7751.PolarAxisTitleFontSize" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="7751.PolarAxisTitleFontSize.range"/> + </Property> + <Property name="PolarAxisTitleItalic" id="7751.PolarAxisTitleItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7751.PolarAxisTitleItalic.bool"/> + </Property> + <Property name="PolarAxisTitleOpacity" id="7751.PolarAxisTitleOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7751.PolarAxisTitleOpacity.range"/> + </Property> + <Property name="PolarAxisTitleShadow" id="7751.PolarAxisTitleShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7751.PolarAxisTitleShadow.bool"/> + </Property> + <Property name="SecondaryRadialAxesTextBold" id="7751.SecondaryRadialAxesTextBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7751.SecondaryRadialAxesTextBold.bool"/> + </Property> + <Property name="SecondaryRadialAxesTextColor" id="7751.SecondaryRadialAxesTextColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7751.SecondaryRadialAxesTextColor.range"/> + </Property> + <Property name="SecondaryRadialAxesTextFontFamily" id="7751.SecondaryRadialAxesTextFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7751.SecondaryRadialAxesTextFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="SecondaryRadialAxesTextFontFile" id="7751.SecondaryRadialAxesTextFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="SecondaryRadialAxesTextFontSize" id="7751.SecondaryRadialAxesTextFontSize" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="7751.SecondaryRadialAxesTextFontSize.range"/> + </Property> + <Property name="SecondaryRadialAxesTextItalic" id="7751.SecondaryRadialAxesTextItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7751.SecondaryRadialAxesTextItalic.bool"/> + </Property> + <Property name="SecondaryRadialAxesTextOpacity" id="7751.SecondaryRadialAxesTextOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7751.SecondaryRadialAxesTextOpacity.range"/> + </Property> + <Property name="SecondaryRadialAxesTextShadow" id="7751.SecondaryRadialAxesTextShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7751.SecondaryRadialAxesTextShadow.bool"/> + </Property> + </Proxy> + <Proxy group="piecewise_functions" type="PiecewiseFunction" id="7884" servers="21"> + <Property name="AllowDuplicateScalars" id="7884.AllowDuplicateScalars" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7884.AllowDuplicateScalars.bool"/> + </Property> + <Property name="Points" id="7884.Points" number_of_elements="8"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0.5"/> + <Element index="3" value="0"/> + <Element index="4" value="1"/> + <Element index="5" value="1"/> + <Element index="6" value="0.5"/> + <Element index="7" value="0"/> + </Property> + <Property name="ScalarRangeInitialized" id="7884.ScalarRangeInitialized" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7884.ScalarRangeInitialized.bool"/> + </Property> + <Property name="UseLogScale" id="7884.UseLogScale" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7884.UseLogScale.bool"/> + </Property> + </Proxy> + <Proxy group="misc" type="RepresentationAnimationHelper" id="7970" servers="16"> + <Property name="Source" id="7970.Source" number_of_elements="1"> + <Proxy value="7959"/> + </Property> + </Proxy> + <Proxy group="representations" type="GridAxesRepresentation" id="7979" servers="21"> + <Property name="GridAxesVisibility" id="7979.GridAxesVisibility" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7979.GridAxesVisibility.bool"/> + </Property> + <Property name="Input" id="7979.Input"> + <Domain name="input_array_any" id="7979.Input.input_array_any"/> + </Property> + <Property name="Position" id="7979.Position" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="7979.Position.range"/> + </Property> + <Property name="Scale" id="7979.Scale" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7979.Scale.range"/> + </Property> + <Property name="AxesToLabel" id="7979.AxesToLabel" number_of_elements="1"> + <Element index="0" value="63"/> + <Domain name="range" id="7979.AxesToLabel.range"/> + </Property> + <Property name="CullBackface" id="7979.CullBackface" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7979.CullBackface.bool"/> + </Property> + <Property name="CullFrontface" id="7979.CullFrontface" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7979.CullFrontface.bool"/> + </Property> + <Property name="CustomBounds" id="7979.CustomBounds" number_of_elements="6"> + <Element index="0" value="0"/> + <Element index="1" value="1"/> + <Element index="2" value="0"/> + <Element index="3" value="1"/> + <Element index="4" value="0"/> + <Element index="5" value="1"/> + <Domain name="range" id="7979.CustomBounds.range"/> + </Property> + <Property name="FacesToRender" id="7979.FacesToRender" number_of_elements="1"> + <Element index="0" value="63"/> + <Domain name="range" id="7979.FacesToRender.range"/> + </Property> + <Property name="GridColor" id="7979.GridColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7979.GridColor.range"/> + </Property> + <Property name="LabelUniqueEdgesOnly" id="7979.LabelUniqueEdgesOnly" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7979.LabelUniqueEdgesOnly.bool"/> + </Property> + <Property name="ShowEdges" id="7979.ShowEdges" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7979.ShowEdges.bool"/> + </Property> + <Property name="ShowGrid" id="7979.ShowGrid" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7979.ShowGrid.bool"/> + </Property> + <Property name="ShowTicks" id="7979.ShowTicks" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7979.ShowTicks.bool"/> + </Property> + <Property name="UseCustomBounds" id="7979.UseCustomBounds" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7979.UseCustomBounds.bool"/> + </Property> + <Property name="XAxisLabels" id="7979.XAxisLabels"> + <Domain name="scalar_range" id="7979.XAxisLabels.scalar_range"/> + </Property> + <Property name="XAxisNotation" id="7979.XAxisNotation" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7979.XAxisNotation.enum"> + <Entry value="0" text="Mixed"/> + <Entry value="1" text="Scientific"/> + <Entry value="2" text="Fixed"/> + </Domain> + </Property> + <Property name="XAxisPrecision" id="7979.XAxisPrecision" number_of_elements="1"> + <Element index="0" value="2"/> + <Domain name="range" id="7979.XAxisPrecision.range"/> + </Property> + <Property name="XAxisUseCustomLabels" id="7979.XAxisUseCustomLabels" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7979.XAxisUseCustomLabels.bool"/> + </Property> + <Property name="XLabelBold" id="7979.XLabelBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7979.XLabelBold.bool"/> + </Property> + <Property name="XLabelColor" id="7979.XLabelColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7979.XLabelColor.range"/> + </Property> + <Property name="XLabelFontFamily" id="7979.XLabelFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7979.XLabelFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="XLabelFontFile" id="7979.XLabelFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="XLabelFontSize" id="7979.XLabelFontSize" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="7979.XLabelFontSize.range"/> + </Property> + <Property name="XLabelItalic" id="7979.XLabelItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7979.XLabelItalic.bool"/> + </Property> + <Property name="XLabelOpacity" id="7979.XLabelOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7979.XLabelOpacity.range"/> + </Property> + <Property name="XLabelShadow" id="7979.XLabelShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7979.XLabelShadow.bool"/> + </Property> + <Property name="XTitle" id="7979.XTitle" number_of_elements="1"> + <Element index="0" value="X Axis"/> + </Property> + <Property name="XTitleBold" id="7979.XTitleBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7979.XTitleBold.bool"/> + </Property> + <Property name="XTitleColor" id="7979.XTitleColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7979.XTitleColor.range"/> + </Property> + <Property name="XTitleFontFamily" id="7979.XTitleFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7979.XTitleFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="XTitleFontFile" id="7979.XTitleFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="XTitleFontSize" id="7979.XTitleFontSize" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="7979.XTitleFontSize.range"/> + </Property> + <Property name="XTitleItalic" id="7979.XTitleItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7979.XTitleItalic.bool"/> + </Property> + <Property name="XTitleOpacity" id="7979.XTitleOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7979.XTitleOpacity.range"/> + </Property> + <Property name="XTitleShadow" id="7979.XTitleShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7979.XTitleShadow.bool"/> + </Property> + <Property name="YAxisLabels" id="7979.YAxisLabels"> + <Domain name="scalar_range" id="7979.YAxisLabels.scalar_range"/> + </Property> + <Property name="YAxisNotation" id="7979.YAxisNotation" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7979.YAxisNotation.enum"> + <Entry value="0" text="Mixed"/> + <Entry value="1" text="Scientific"/> + <Entry value="2" text="Fixed"/> + </Domain> + </Property> + <Property name="YAxisPrecision" id="7979.YAxisPrecision" number_of_elements="1"> + <Element index="0" value="2"/> + <Domain name="range" id="7979.YAxisPrecision.range"/> + </Property> + <Property name="YAxisUseCustomLabels" id="7979.YAxisUseCustomLabels" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7979.YAxisUseCustomLabels.bool"/> + </Property> + <Property name="YLabelBold" id="7979.YLabelBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7979.YLabelBold.bool"/> + </Property> + <Property name="YLabelColor" id="7979.YLabelColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7979.YLabelColor.range"/> + </Property> + <Property name="YLabelFontFamily" id="7979.YLabelFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7979.YLabelFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="YLabelFontFile" id="7979.YLabelFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="YLabelFontSize" id="7979.YLabelFontSize" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="7979.YLabelFontSize.range"/> + </Property> + <Property name="YLabelItalic" id="7979.YLabelItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7979.YLabelItalic.bool"/> + </Property> + <Property name="YLabelOpacity" id="7979.YLabelOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7979.YLabelOpacity.range"/> + </Property> + <Property name="YLabelShadow" id="7979.YLabelShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7979.YLabelShadow.bool"/> + </Property> + <Property name="YTitle" id="7979.YTitle" number_of_elements="1"> + <Element index="0" value="Y Axis"/> + </Property> + <Property name="YTitleBold" id="7979.YTitleBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7979.YTitleBold.bool"/> + </Property> + <Property name="YTitleColor" id="7979.YTitleColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7979.YTitleColor.range"/> + </Property> + <Property name="YTitleFontFamily" id="7979.YTitleFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7979.YTitleFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="YTitleFontFile" id="7979.YTitleFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="YTitleFontSize" id="7979.YTitleFontSize" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="7979.YTitleFontSize.range"/> + </Property> + <Property name="YTitleItalic" id="7979.YTitleItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7979.YTitleItalic.bool"/> + </Property> + <Property name="YTitleOpacity" id="7979.YTitleOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7979.YTitleOpacity.range"/> + </Property> + <Property name="YTitleShadow" id="7979.YTitleShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7979.YTitleShadow.bool"/> + </Property> + <Property name="ZAxisLabels" id="7979.ZAxisLabels"> + <Domain name="scalar_range" id="7979.ZAxisLabels.scalar_range"/> + </Property> + <Property name="ZAxisNotation" id="7979.ZAxisNotation" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7979.ZAxisNotation.enum"> + <Entry value="0" text="Mixed"/> + <Entry value="1" text="Scientific"/> + <Entry value="2" text="Fixed"/> + </Domain> + </Property> + <Property name="ZAxisPrecision" id="7979.ZAxisPrecision" number_of_elements="1"> + <Element index="0" value="2"/> + <Domain name="range" id="7979.ZAxisPrecision.range"/> + </Property> + <Property name="ZAxisUseCustomLabels" id="7979.ZAxisUseCustomLabels" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7979.ZAxisUseCustomLabels.bool"/> + </Property> + <Property name="ZLabelBold" id="7979.ZLabelBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7979.ZLabelBold.bool"/> + </Property> + <Property name="ZLabelColor" id="7979.ZLabelColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7979.ZLabelColor.range"/> + </Property> + <Property name="ZLabelFontFamily" id="7979.ZLabelFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7979.ZLabelFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="ZLabelFontFile" id="7979.ZLabelFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="ZLabelFontSize" id="7979.ZLabelFontSize" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="7979.ZLabelFontSize.range"/> + </Property> + <Property name="ZLabelItalic" id="7979.ZLabelItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7979.ZLabelItalic.bool"/> + </Property> + <Property name="ZLabelOpacity" id="7979.ZLabelOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7979.ZLabelOpacity.range"/> + </Property> + <Property name="ZLabelShadow" id="7979.ZLabelShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7979.ZLabelShadow.bool"/> + </Property> + <Property name="ZTitle" id="7979.ZTitle" number_of_elements="1"> + <Element index="0" value="Z Axis"/> + </Property> + <Property name="ZTitleBold" id="7979.ZTitleBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7979.ZTitleBold.bool"/> + </Property> + <Property name="ZTitleColor" id="7979.ZTitleColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7979.ZTitleColor.range"/> + </Property> + <Property name="ZTitleFontFamily" id="7979.ZTitleFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7979.ZTitleFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="ZTitleFontFile" id="7979.ZTitleFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="ZTitleFontSize" id="7979.ZTitleFontSize" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="7979.ZTitleFontSize.range"/> + </Property> + <Property name="ZTitleItalic" id="7979.ZTitleItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7979.ZTitleItalic.bool"/> + </Property> + <Property name="ZTitleOpacity" id="7979.ZTitleOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7979.ZTitleOpacity.range"/> + </Property> + <Property name="ZTitleShadow" id="7979.ZTitleShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7979.ZTitleShadow.bool"/> + </Property> + </Proxy> + <Proxy group="sources" type="ArrowSource" id="8016" servers="21"> + <Property name="Invert" id="8016.Invert" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8016.Invert.bool"/> + </Property> + <Property name="ShaftRadius" id="8016.ShaftRadius" number_of_elements="1"> + <Element index="0" value="0.03"/> + <Domain name="range" id="8016.ShaftRadius.range"/> + </Property> + <Property name="ShaftResolution" id="8016.ShaftResolution" number_of_elements="1"> + <Element index="0" value="6"/> + <Domain name="range" id="8016.ShaftResolution.range"/> + </Property> + <Property name="TipLength" id="8016.TipLength" number_of_elements="1"> + <Element index="0" value="0.35"/> + <Domain name="range" id="8016.TipLength.range"/> + </Property> + <Property name="TipRadius" id="8016.TipRadius" number_of_elements="1"> + <Element index="0" value="0.1"/> + <Domain name="range" id="8016.TipRadius.range"/> + </Property> + <Property name="TipResolution" id="8016.TipResolution" number_of_elements="1"> + <Element index="0" value="6"/> + <Domain name="range" id="8016.TipResolution.range"/> + </Property> + </Proxy> + <Proxy group="sources" type="ConeSource" id="8027" servers="21"> + <Property name="Capping" id="8027.Capping" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="8027.Capping.bool"/> + </Property> + <Property name="Center" id="8027.Center" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="8027.Center.range"/> + </Property> + <Property name="Direction" id="8027.Direction" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="8027.Direction.range"/> + </Property> + <Property name="Height" id="8027.Height" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="8027.Height.range"/> + </Property> + <Property name="Radius" id="8027.Radius" number_of_elements="1"> + <Element index="0" value="0.5"/> + <Domain name="range" id="8027.Radius.range"/> + </Property> + <Property name="Resolution" id="8027.Resolution" number_of_elements="1"> + <Element index="0" value="6"/> + <Domain name="range" id="8027.Resolution.range"/> + </Property> + </Proxy> + <Proxy group="sources" type="CubeSource" id="8038" servers="21"> + <Property name="Center" id="8038.Center" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="8038.Center.range"/> + </Property> + <Property name="XLength" id="8038.XLength" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="8038.XLength.range"/> + </Property> + <Property name="YLength" id="8038.YLength" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="8038.YLength.range"/> + </Property> + <Property name="ZLength" id="8038.ZLength" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="8038.ZLength.range"/> + </Property> + </Proxy> + <Proxy group="sources" type="CylinderSource" id="8049" servers="21"> + <Property name="Capping" id="8049.Capping" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="8049.Capping.bool"/> + </Property> + <Property name="Center" id="8049.Center" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="8049.Center.range"/> + </Property> + <Property name="Height" id="8049.Height" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="8049.Height.range"/> + </Property> + <Property name="Radius" id="8049.Radius" number_of_elements="1"> + <Element index="0" value="0.5"/> + <Domain name="range" id="8049.Radius.range"/> + </Property> + <Property name="Resolution" id="8049.Resolution" number_of_elements="1"> + <Element index="0" value="6"/> + <Domain name="range" id="8049.Resolution.range"/> + </Property> + </Proxy> + <Proxy group="sources" type="LineSource" id="8060" servers="21"> + <Property name="Point1" id="8060.Point1" number_of_elements="3"> + <Element index="0" value="-0.5"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="8060.Point1.range"/> + </Property> + <Property name="Point2" id="8060.Point2" number_of_elements="3"> + <Element index="0" value="0.5"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="8060.Point2.range"/> + </Property> + <Property name="RefinementRatios" id="8060.RefinementRatios" number_of_elements="2"> + <Element index="0" value="0"/> + <Element index="1" value="1"/> + <Domain name="range" id="8060.RefinementRatios.range"/> + </Property> + <Property name="Resolution" id="8060.Resolution" number_of_elements="1"> + <Element index="0" value="6"/> + <Domain name="range" id="8060.Resolution.range"/> + </Property> + <Property name="UseRegularRefinement" id="8060.UseRegularRefinement" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="8060.UseRegularRefinement.bool"/> + </Property> + </Proxy> + <Proxy group="sources" type="SphereSource" id="8071" servers="21"> + <Property name="Center" id="8071.Center" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="8071.Center.range"/> + </Property> + <Property name="EndPhi" id="8071.EndPhi" number_of_elements="1"> + <Element index="0" value="180"/> + <Domain name="range" id="8071.EndPhi.range"/> + </Property> + <Property name="EndTheta" id="8071.EndTheta" number_of_elements="1"> + <Element index="0" value="360"/> + <Domain name="range" id="8071.EndTheta.range"/> + </Property> + <Property name="PhiResolution" id="8071.PhiResolution" number_of_elements="1"> + <Element index="0" value="8"/> + <Domain name="range" id="8071.PhiResolution.range"/> + </Property> + <Property name="Radius" id="8071.Radius" number_of_elements="1"> + <Element index="0" value="0.5"/> + <Domain name="range" id="8071.Radius.range"/> + </Property> + <Property name="StartPhi" id="8071.StartPhi" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="8071.StartPhi.range"/> + </Property> + <Property name="StartTheta" id="8071.StartTheta" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="8071.StartTheta.range"/> + </Property> + <Property name="ThetaResolution" id="8071.ThetaResolution" number_of_elements="1"> + <Element index="0" value="8"/> + <Domain name="range" id="8071.ThetaResolution.range"/> + </Property> + </Proxy> + <Proxy group="sources" type="GlyphSource2D" id="8082" servers="21"> + <Property name="Center" id="8082.Center" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="8082.Center.range"/> + </Property> + <Property name="Filled" id="8082.Filled" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8082.Filled.bool"/> + </Property> + <Property name="GlyphType" id="8082.GlyphType" number_of_elements="1"> + <Element index="0" value="9"/> + <Domain name="enum" id="8082.GlyphType.enum"> + <Entry value="1" text="Vertex"/> + <Entry value="2" text="Dash"/> + <Entry value="3" text="Cross"/> + <Entry value="4" text="ThickCross"/> + <Entry value="5" text="Triangle"/> + <Entry value="6" text="Square"/> + <Entry value="7" text="Circle"/> + <Entry value="8" text="Diamond"/> + <Entry value="9" text="Arrow"/> + <Entry value="10" text="ThickArrow"/> + <Entry value="11" text="HookedArrow"/> + <Entry value="12" text="EdgeArrow"/> + </Domain> + </Property> + </Proxy> + <Proxy group="internal_filters" type="PipelineConnection" id="8093" servers="21"> + <Property name="AllowNullInput" id="8093.AllowNullInput" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="8093.AllowNullInput.bool"/> + </Property> + <Property name="Input" id="8093.Input"> + <Domain name="groups" id="8093.Input.groups"/> + <Domain name="input_type" id="8093.Input.input_type"/> + </Property> + </Proxy> + <Proxy group="piecewise_functions" type="PiecewiseFunction" id="8161" servers="21"> + <Property name="AllowDuplicateScalars" id="8161.AllowDuplicateScalars" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="8161.AllowDuplicateScalars.bool"/> + </Property> + <Property name="Points" id="8161.Points" number_of_elements="8"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0.5"/> + <Element index="3" value="0"/> + <Element index="4" value="1"/> + <Element index="5" value="1"/> + <Element index="6" value="0.5"/> + <Element index="7" value="0"/> + </Property> + <Property name="ScalarRangeInitialized" id="8161.ScalarRangeInitialized" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8161.ScalarRangeInitialized.bool"/> + </Property> + <Property name="UseLogScale" id="8161.UseLogScale" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8161.UseLogScale.bool"/> + </Property> + </Proxy> + <Proxy group="piecewise_functions" type="PiecewiseFunction" id="8126" servers="21"> + <Property name="AllowDuplicateScalars" id="8126.AllowDuplicateScalars" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="8126.AllowDuplicateScalars.bool"/> + </Property> + <Property name="Points" id="8126.Points" number_of_elements="8"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0.5"/> + <Element index="3" value="0"/> + <Element index="4" value="1"/> + <Element index="5" value="1"/> + <Element index="6" value="0.5"/> + <Element index="7" value="0"/> + </Property> + <Property name="ScalarRangeInitialized" id="8126.ScalarRangeInitialized" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="8126.ScalarRangeInitialized.bool"/> + </Property> + <Property name="UseLogScale" id="8126.UseLogScale" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8126.UseLogScale.bool"/> + </Property> + </Proxy> + <Proxy group="representations" type="PolarAxesRepresentation" id="7994" servers="21"> + <Property name="ArcMajorTickSize" id="7994.ArcMajorTickSize" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7994.ArcMajorTickSize.range"/> + </Property> + <Property name="ArcMajorTickThickness" id="7994.ArcMajorTickThickness" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7994.ArcMajorTickThickness.range"/> + </Property> + <Property name="ArcMinorTickVisibility" id="7994.ArcMinorTickVisibility" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7994.ArcMinorTickVisibility.bool"/> + </Property> + <Property name="ArcTickRatioSize" id="7994.ArcTickRatioSize" number_of_elements="1"> + <Element index="0" value="0.3"/> + <Domain name="range" id="7994.ArcTickRatioSize.range"/> + </Property> + <Property name="ArcTickRatioThickness" id="7994.ArcTickRatioThickness" number_of_elements="1"> + <Element index="0" value="0.5"/> + <Domain name="range" id="7994.ArcTickRatioThickness.range"/> + </Property> + <Property name="ArcTickVisibility" id="7994.ArcTickVisibility" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7994.ArcTickVisibility.bool"/> + </Property> + <Property name="ArcTicksOriginToPolarAxis" id="7994.ArcTicksOriginToPolarAxis" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7994.ArcTicksOriginToPolarAxis.bool"/> + </Property> + <Property name="AutoSubdividePolarAxis" id="7994.AutoSubdividePolarAxis" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7994.AutoSubdividePolarAxis.bool"/> + </Property> + <Property name="AxisMinorTickVisibility" id="7994.AxisMinorTickVisibility" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7994.AxisMinorTickVisibility.bool"/> + </Property> + <Property name="AxisTickVisibility" id="7994.AxisTickVisibility" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7994.AxisTickVisibility.bool"/> + </Property> + <Property name="CustomBounds" id="7994.CustomBounds" number_of_elements="6"> + <Element index="0" value="0"/> + <Element index="1" value="1"/> + <Element index="2" value="0"/> + <Element index="3" value="1"/> + <Element index="4" value="0"/> + <Element index="5" value="1"/> + </Property> + <Property name="CustomRange" id="7994.CustomRange" number_of_elements="2"> + <Element index="0" value="0"/> + <Element index="1" value="1"/> + </Property> + <Property name="DataBounds" id="7994.DataBounds" number_of_elements="6"> + <Element index="0" value="0"/> + <Element index="1" value="1"/> + <Element index="2" value="0"/> + <Element index="3" value="1"/> + <Element index="4" value="0"/> + <Element index="5" value="1"/> + </Property> + <Property name="DeltaAngleMajor" id="7994.DeltaAngleMajor" number_of_elements="1"> + <Element index="0" value="10"/> + <Domain name="range" id="7994.DeltaAngleMajor.range"/> + </Property> + <Property name="DeltaAngleMinor" id="7994.DeltaAngleMinor" number_of_elements="1"> + <Element index="0" value="5"/> + <Domain name="range" id="7994.DeltaAngleMinor.range"/> + </Property> + <Property name="DeltaRangeMajor" id="7994.DeltaRangeMajor" number_of_elements="1"> + <Element index="0" value="1"/> + </Property> + <Property name="DeltaRangeMinor" id="7994.DeltaRangeMinor" number_of_elements="1"> + <Element index="0" value="1"/> + </Property> + <Property name="DistanceLODThreshold" id="7994.DistanceLODThreshold" number_of_elements="1"> + <Element index="0" value="0.7"/> + <Domain name="range" id="7994.DistanceLODThreshold.range"/> + </Property> + <Property name="DrawPolarArcsGridlines" id="7994.DrawPolarArcsGridlines" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7994.DrawPolarArcsGridlines.bool"/> + </Property> + <Property name="DrawRadialGridlines" id="7994.DrawRadialGridlines" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7994.DrawRadialGridlines.bool"/> + </Property> + <Property name="EnableCustomBounds" id="7994.EnableCustomBounds" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + </Property> + <Property name="EnableCustomRange" id="7994.EnableCustomRange" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7994.EnableCustomRange.bool"/> + </Property> + <Property name="EnableDistanceLOD" id="7994.EnableDistanceLOD" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7994.EnableDistanceLOD.bool"/> + </Property> + <Property name="EnableViewAngleLOD" id="7994.EnableViewAngleLOD" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7994.EnableViewAngleLOD.bool"/> + </Property> + <Property name="Input" id="7994.Input" number_of_elements="1"> + <Proxy value="7959" output_port="0"/> + <Domain name="input_type" id="7994.Input.input_type"/> + </Property> + <Property name="LastRadialAxisColor" id="7994.LastRadialAxisColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7994.LastRadialAxisColor.range"/> + </Property> + <Property name="LastRadialAxisMajorTickSize" id="7994.LastRadialAxisMajorTickSize" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7994.LastRadialAxisMajorTickSize.range"/> + </Property> + <Property name="LastRadialAxisMajorTickThickness" id="7994.LastRadialAxisMajorTickThickness" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7994.LastRadialAxisMajorTickThickness.range"/> + </Property> + <Property name="LastRadialAxisTickRatioSize" id="7994.LastRadialAxisTickRatioSize" number_of_elements="1"> + <Element index="0" value="0.3"/> + <Domain name="range" id="7994.LastRadialAxisTickRatioSize.range"/> + </Property> + <Property name="LastRadialAxisTickRatioThickness" id="7994.LastRadialAxisTickRatioThickness" number_of_elements="1"> + <Element index="0" value="0.5"/> + <Domain name="range" id="7994.LastRadialAxisTickRatioThickness.range"/> + </Property> + <Property name="MaximumAngle" id="7994.MaximumAngle" number_of_elements="1"> + <Element index="0" value="90"/> + <Domain name="range" id="7994.MaximumAngle.range"/> + </Property> + <Property name="MinimumAngle" id="7994.MinimumAngle" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7994.MinimumAngle.range"/> + </Property> + <Property name="MinimumRadius" id="7994.MinimumRadius" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7994.MinimumRadius.range"/> + </Property> + <Property name="NumberOfPolarAxis" id="7994.NumberOfPolarAxis" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7994.NumberOfPolarAxis.range"/> + </Property> + <Property name="NumberOfRadialAxes" id="7994.NumberOfRadialAxes" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7994.NumberOfRadialAxes.range"/> + </Property> + <Property name="Orientation" id="7994.Orientation" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="7994.Orientation.range"/> + </Property> + <Property name="PolarArcsColor" id="7994.PolarArcsColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7994.PolarArcsColor.range"/> + </Property> + <Property name="PolarArcsVisibility" id="7994.PolarArcsVisibility" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7994.PolarArcsVisibility.bool"/> + </Property> + <Property name="PolarAxisColor" id="7994.PolarAxisColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7994.PolarAxisColor.range"/> + </Property> + <Property name="PolarAxisMajorTickSize" id="7994.PolarAxisMajorTickSize" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7994.PolarAxisMajorTickSize.range"/> + </Property> + <Property name="PolarAxisMajorTickThickness" id="7994.PolarAxisMajorTickThickness" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7994.PolarAxisMajorTickThickness.range"/> + </Property> + <Property name="PolarAxisTickRatioSize" id="7994.PolarAxisTickRatioSize" number_of_elements="1"> + <Element index="0" value="0.3"/> + <Domain name="range" id="7994.PolarAxisTickRatioSize.range"/> + </Property> + <Property name="PolarAxisTickRatioThickness" id="7994.PolarAxisTickRatioThickness" number_of_elements="1"> + <Element index="0" value="0.5"/> + <Domain name="range" id="7994.PolarAxisTickRatioThickness.range"/> + </Property> + <Property name="PolarAxisTitle" id="7994.PolarAxisTitle" number_of_elements="1"> + <Element index="0" value="Radial Distance"/> + </Property> + <Property name="PolarAxisTitleLocation" id="7994.PolarAxisTitleLocation" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7994.PolarAxisTitleLocation.enum"> + <Entry value="0" text="Bottom"/> + <Entry value="1" text="Extern"/> + </Domain> + </Property> + <Property name="PolarAxisTitleVisibility" id="7994.PolarAxisTitleVisibility" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7994.PolarAxisTitleVisibility.bool"/> + </Property> + <Property name="PolarAxisVisibility" id="7994.PolarAxisVisibility" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7994.PolarAxisVisibility.bool"/> + </Property> + <Property name="PolarLabelExponentLocation" id="7994.PolarLabelExponentLocation" number_of_elements="1"> + <Element index="0" value="2"/> + <Domain name="enum" id="7994.PolarLabelExponentLocation.enum"> + <Entry value="0" text="Bottom"/> + <Entry value="1" text="Extern"/> + <Entry value="2" text="Labels"/> + </Domain> + </Property> + <Property name="PolarLabelFormat" id="7994.PolarLabelFormat" number_of_elements="1"> + <Element index="0" value="%-#6.3g"/> + </Property> + <Property name="PolarLabelVisibility" id="7994.PolarLabelVisibility" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7994.PolarLabelVisibility.bool"/> + </Property> + <Property name="PolarTicksVisibility" id="7994.PolarTicksVisibility" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7994.PolarTicksVisibility.bool"/> + </Property> + <Property name="Position" id="7994.Position" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="7994.Position.range"/> + </Property> + <Property name="RadialAxesOriginToPolarAxis" id="7994.RadialAxesOriginToPolarAxis" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7994.RadialAxesOriginToPolarAxis.bool"/> + </Property> + <Property name="RadialAxesVisibility" id="7994.RadialAxesVisibility" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7994.RadialAxesVisibility.bool"/> + </Property> + <Property name="RadialLabelFormat" id="7994.RadialLabelFormat" number_of_elements="1"> + <Element index="0" value="%-#3.1f"/> + </Property> + <Property name="RadialLabelLocation" id="7994.RadialLabelLocation" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7994.RadialLabelLocation.enum"> + <Entry value="0" text="Bottom"/> + <Entry value="1" text="Extern"/> + </Domain> + </Property> + <Property name="RadialLabelVisibility" id="7994.RadialLabelVisibility" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7994.RadialLabelVisibility.bool"/> + </Property> + <Property name="RadialUnitsVisibility" id="7994.RadialUnitsVisibility" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7994.RadialUnitsVisibility.bool"/> + </Property> + <Property name="Ratio" id="7994.Ratio" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7994.Ratio.range"/> + </Property> + <Property name="Scale" id="7994.Scale" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7994.Scale.range"/> + </Property> + <Property name="ScreenSize" id="7994.ScreenSize" number_of_elements="1"> + <Element index="0" value="10"/> + <Domain name="range" id="7994.ScreenSize.range"/> + </Property> + <Property name="SecondaryPolarArcsColor" id="7994.SecondaryPolarArcsColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7994.SecondaryPolarArcsColor.range"/> + </Property> + <Property name="SecondaryRadialAxesColor" id="7994.SecondaryRadialAxesColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7994.SecondaryRadialAxesColor.range"/> + </Property> + <Property name="SmallestVisiblePolarAngle" id="7994.SmallestVisiblePolarAngle" number_of_elements="1"> + <Element index="0" value="0.5"/> + <Domain name="range" id="7994.SmallestVisiblePolarAngle.range"/> + </Property> + <Property name="TickLocation" id="7994.TickLocation" number_of_elements="1"> + <Element index="0" value="2"/> + <Domain name="enum" id="7994.TickLocation.enum"> + <Entry value="0" text="Inside"/> + <Entry value="1" text="Outside"/> + <Entry value="2" text="Both"/> + </Domain> + </Property> + <Property name="Use2DMode" id="7994.Use2DMode" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7994.Use2DMode.bool"/> + </Property> + <Property name="UseLogAxis" id="7994.UseLogAxis" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7994.UseLogAxis.bool"/> + </Property> + <Property name="ViewAngleLODThreshold" id="7994.ViewAngleLODThreshold" number_of_elements="1"> + <Element index="0" value="0.7"/> + <Domain name="range" id="7994.ViewAngleLODThreshold.range"/> + </Property> + <Property name="Visibility" id="7994.Visibility" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7994.Visibility.bool"/> + </Property> + <Property name="LastRadialAxisTextBold" id="7994.LastRadialAxisTextBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7994.LastRadialAxisTextBold.bool"/> + </Property> + <Property name="LastRadialAxisTextColor" id="7994.LastRadialAxisTextColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7994.LastRadialAxisTextColor.range"/> + </Property> + <Property name="LastRadialAxisTextFontFamily" id="7994.LastRadialAxisTextFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7994.LastRadialAxisTextFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="LastRadialAxisTextFontFile" id="7994.LastRadialAxisTextFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="LastRadialAxisTextFontSize" id="7994.LastRadialAxisTextFontSize" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="7994.LastRadialAxisTextFontSize.range"/> + </Property> + <Property name="LastRadialAxisTextItalic" id="7994.LastRadialAxisTextItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7994.LastRadialAxisTextItalic.bool"/> + </Property> + <Property name="LastRadialAxisTextOpacity" id="7994.LastRadialAxisTextOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7994.LastRadialAxisTextOpacity.range"/> + </Property> + <Property name="LastRadialAxisTextShadow" id="7994.LastRadialAxisTextShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7994.LastRadialAxisTextShadow.bool"/> + </Property> + <Property name="PolarAxisLabelBold" id="7994.PolarAxisLabelBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7994.PolarAxisLabelBold.bool"/> + </Property> + <Property name="PolarAxisLabelColor" id="7994.PolarAxisLabelColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7994.PolarAxisLabelColor.range"/> + </Property> + <Property name="PolarAxisLabelFontFamily" id="7994.PolarAxisLabelFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7994.PolarAxisLabelFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="PolarAxisLabelFontFile" id="7994.PolarAxisLabelFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="PolarAxisLabelFontSize" id="7994.PolarAxisLabelFontSize" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="7994.PolarAxisLabelFontSize.range"/> + </Property> + <Property name="PolarAxisLabelItalic" id="7994.PolarAxisLabelItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7994.PolarAxisLabelItalic.bool"/> + </Property> + <Property name="PolarAxisLabelOpacity" id="7994.PolarAxisLabelOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7994.PolarAxisLabelOpacity.range"/> + </Property> + <Property name="PolarAxisLabelShadow" id="7994.PolarAxisLabelShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7994.PolarAxisLabelShadow.bool"/> + </Property> + <Property name="PolarAxisTitleBold" id="7994.PolarAxisTitleBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7994.PolarAxisTitleBold.bool"/> + </Property> + <Property name="PolarAxisTitleColor" id="7994.PolarAxisTitleColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7994.PolarAxisTitleColor.range"/> + </Property> + <Property name="PolarAxisTitleFontFamily" id="7994.PolarAxisTitleFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7994.PolarAxisTitleFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="PolarAxisTitleFontFile" id="7994.PolarAxisTitleFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="PolarAxisTitleFontSize" id="7994.PolarAxisTitleFontSize" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="7994.PolarAxisTitleFontSize.range"/> + </Property> + <Property name="PolarAxisTitleItalic" id="7994.PolarAxisTitleItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7994.PolarAxisTitleItalic.bool"/> + </Property> + <Property name="PolarAxisTitleOpacity" id="7994.PolarAxisTitleOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7994.PolarAxisTitleOpacity.range"/> + </Property> + <Property name="PolarAxisTitleShadow" id="7994.PolarAxisTitleShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7994.PolarAxisTitleShadow.bool"/> + </Property> + <Property name="SecondaryRadialAxesTextBold" id="7994.SecondaryRadialAxesTextBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7994.SecondaryRadialAxesTextBold.bool"/> + </Property> + <Property name="SecondaryRadialAxesTextColor" id="7994.SecondaryRadialAxesTextColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7994.SecondaryRadialAxesTextColor.range"/> + </Property> + <Property name="SecondaryRadialAxesTextFontFamily" id="7994.SecondaryRadialAxesTextFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7994.SecondaryRadialAxesTextFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="SecondaryRadialAxesTextFontFile" id="7994.SecondaryRadialAxesTextFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="SecondaryRadialAxesTextFontSize" id="7994.SecondaryRadialAxesTextFontSize" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="7994.SecondaryRadialAxesTextFontSize.range"/> + </Property> + <Property name="SecondaryRadialAxesTextItalic" id="7994.SecondaryRadialAxesTextItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7994.SecondaryRadialAxesTextItalic.bool"/> + </Property> + <Property name="SecondaryRadialAxesTextOpacity" id="7994.SecondaryRadialAxesTextOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7994.SecondaryRadialAxesTextOpacity.range"/> + </Property> + <Property name="SecondaryRadialAxesTextShadow" id="7994.SecondaryRadialAxesTextShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7994.SecondaryRadialAxesTextShadow.bool"/> + </Property> + </Proxy> + <Proxy group="piecewise_functions" type="PiecewiseFunction" id="8127" servers="21"> + <Property name="AllowDuplicateScalars" id="8127.AllowDuplicateScalars" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="8127.AllowDuplicateScalars.bool"/> + </Property> + <Property name="Points" id="8127.Points" number_of_elements="8"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0.5"/> + <Element index="3" value="0"/> + <Element index="4" value="1"/> + <Element index="5" value="1"/> + <Element index="6" value="0.5"/> + <Element index="7" value="0"/> + </Property> + <Property name="ScalarRangeInitialized" id="8127.ScalarRangeInitialized" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="8127.ScalarRangeInitialized.bool"/> + </Property> + <Property name="UseLogScale" id="8127.UseLogScale" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8127.UseLogScale.bool"/> + </Property> + </Proxy> + <Proxy group="representations" type="UnstructuredGridRepresentation" id="7597" servers="21"> + <Property name="DataAxesGrid" id="7597.DataAxesGrid" number_of_elements="1"> + <Proxy value="7387"/> + <Domain name="proxy_list" id="7597.DataAxesGrid.proxy_list"> + <Proxy value="7387"/> + </Domain> + </Property> + <Property name="Input" id="7597.Input" number_of_elements="1"> + <Proxy value="7354" output_port="0"/> + <Domain name="input_array_cell" id="7597.Input.input_array_cell"/> + <Domain name="input_array_point" id="7597.Input.input_array_point"/> + <Domain name="input_type" id="7597.Input.input_type"/> + </Property> + <Property name="PolarAxes" id="7597.PolarAxes" number_of_elements="1"> + <Proxy value="7402"/> + <Domain name="proxy_list" id="7597.PolarAxes.proxy_list"> + <Proxy value="7402"/> + </Domain> + </Property> + <Property name="Representation" id="7597.Representation" number_of_elements="1"> + <Element index="0" value="Surface"/> + <Domain name="list" id="7597.Representation.list"> + <String text="3D Glyphs"/> + <String text="Feature Edges"/> + <String text="Outline"/> + <String text="Point Gaussian"/> + <String text="Points"/> + <String text="Surface"/> + <String text="Surface With Edges"/> + <String text="Volume"/> + <String text="Wireframe"/> + </Domain> + </Property> + <Property name="RepresentationTypesInfo" id="7597.RepresentationTypesInfo" number_of_elements="9"> + <Element index="0" value="3D Glyphs"/> + <Element index="1" value="Feature Edges"/> + <Element index="2" value="Outline"/> + <Element index="3" value="Point Gaussian"/> + <Element index="4" value="Points"/> + <Element index="5" value="Surface"/> + <Element index="6" value="Surface With Edges"/> + <Element index="7" value="Volume"/> + <Element index="8" value="Wireframe"/> + </Property> + <Property name="Selection" id="7597.Selection"> + <Domain name="input_type" id="7597.Selection.input_type"/> + </Property> + <Property name="SelectionCellFieldDataArrayName" id="7597.SelectionCellFieldDataArrayName" number_of_elements="1"> + <Element index="0" value="indicatorFunction_P0"/> + <Domain name="array_list" id="7597.SelectionCellFieldDataArrayName.array_list"> + <String text="indicatorFunction_P0"/> + </Domain> + </Property> + <Property name="SelectionPointFieldDataArrayName" id="7597.SelectionPointFieldDataArrayName" number_of_elements="1"> + <Element index="0" value="indicatorFunction_P1"/> + <Domain name="array_list" id="7597.SelectionPointFieldDataArrayName.array_list"> + <String text="indicatorFunction_P1"/> + </Domain> + </Property> + <Property name="SelectionVisibility" id="7597.SelectionVisibility" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7597.SelectionVisibility.bool"/> + </Property> + <Property name="Visibility" id="7597.Visibility" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7597.Visibility.bool"/> + </Property> + <Property name="Ambient" id="7597.Ambient" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7597.Ambient.range"/> + </Property> + <Property name="AmbientColor" id="7597.AmbientColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="7597.AmbientColor.range"/> + </Property> + <Property name="Anisotropy" id="7597.Anisotropy" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7597.Anisotropy.range"/> + </Property> + <Property name="AnisotropyRotation" id="7597.AnisotropyRotation" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7597.AnisotropyRotation.range"/> + </Property> + <Property name="AnisotropyTexture" id="7597.AnisotropyTexture"> + <Domain name="groups" id="7597.AnisotropyTexture.groups"/> + </Property> + <Property name="BackfaceAmbientColor" id="7597.BackfaceAmbientColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7597.BackfaceAmbientColor.range"/> + </Property> + <Property name="BackfaceDiffuseColor" id="7597.BackfaceDiffuseColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7597.BackfaceDiffuseColor.range"/> + </Property> + <Property name="BackfaceOpacity" id="7597.BackfaceOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7597.BackfaceOpacity.range"/> + </Property> + <Property name="BackfaceRepresentation" id="7597.BackfaceRepresentation" number_of_elements="1"> + <Element index="0" value="400"/> + <Domain name="enum" id="7597.BackfaceRepresentation.enum"> + <Entry value="400" text="Follow Frontface"/> + <Entry value="401" text="Cull Backface"/> + <Entry value="402" text="Cull Frontface"/> + <Entry value="0" text="Points"/> + <Entry value="1" text="Wireframe"/> + <Entry value="2" text="Surface"/> + <Entry value="3" text="Surface With Edges"/> + </Domain> + </Property> + <Property name="BaseColorTexture" id="7597.BaseColorTexture"> + <Domain name="groups" id="7597.BaseColorTexture.groups"/> + </Property> + <Property name="BaseIOR" id="7597.BaseIOR" number_of_elements="1"> + <Element index="0" value="1.5"/> + <Domain name="range" id="7597.BaseIOR.range"/> + </Property> + <Property name="BlockColors" id="7597.BlockColors"> + <Domain name="data_assembly" id="7597.BlockColors.data_assembly"/> + </Property> + <Property name="BlockColorsDistinctValues" id="7597.BlockColorsDistinctValues" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="7597.BlockColorsDistinctValues.range"/> + </Property> + <Property name="BlockOpacities" id="7597.BlockOpacities"> + <Domain name="data_assembly" id="7597.BlockOpacities.data_assembly"/> + </Property> + <Property name="BlockSelectors" id="7597.BlockSelectors" number_of_elements="1"> + <Element index="0" value="/"/> + <Domain name="data_assembly" id="7597.BlockSelectors.data_assembly"/> + </Property> + <Property name="CoatColor" id="7597.CoatColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7597.CoatColor.range"/> + </Property> + <Property name="CoatIOR" id="7597.CoatIOR" number_of_elements="1"> + <Element index="0" value="2"/> + <Domain name="range" id="7597.CoatIOR.range"/> + </Property> + <Property name="CoatNormalScale" id="7597.CoatNormalScale" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7597.CoatNormalScale.range"/> + </Property> + <Property name="CoatNormalTexture" id="7597.CoatNormalTexture"> + <Domain name="groups" id="7597.CoatNormalTexture.groups"/> + </Property> + <Property name="CoatRoughness" id="7597.CoatRoughness" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7597.CoatRoughness.range"/> + </Property> + <Property name="CoatStrength" id="7597.CoatStrength" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7597.CoatStrength.range"/> + </Property> + <Property name="ColorArrayName" id="7597.ColorArrayName" number_of_elements="5"> + <Element index="0" value=""/> + <Element index="1" value=""/> + <Element index="2" value=""/> + <Element index="3" value="0"/> + <Element index="4" value=""/> + <Domain name="array_list" id="7597.ColorArrayName.array_list"> + <String text="indicatorFunction_P1"/> + <String text="indicatorFunction_P0"/> + </Domain> + </Property> + <Property name="ColorByLODIndex" id="7597.ColorByLODIndex" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7597.ColorByLODIndex.bool"/> + </Property> + <Property name="CoordinateShiftScaleMethod" id="7597.CoordinateShiftScaleMethod" number_of_elements="1"> + <Element index="0" value="2"/> + <Domain name="enum" id="7597.CoordinateShiftScaleMethod.enum"> + <Entry value="0" text="Disable"/> + <Entry value="1" text="Auto Shift Scale"/> + <Entry value="2" text="Always Auto Shift Scale"/> + <Entry value="4" text="Auto Shift Only"/> + <Entry value="5" text="Near Focal Plane Shift Scale"/> + <Entry value="6" text="Focal Point Shift Scale"/> + </Domain> + </Property> + <Property name="CustomShader" id="7597.CustomShader" number_of_elements="1"> + <Element index="0" value=" // This custom shader code define a gaussian blur
 // Please take a look into vtkSMPointGaussianRepresentation.cxx
 // for other custom shader examples
 //VTK::Color::Impl
 float dist2 = dot(offsetVCVSOutput.xy,offsetVCVSOutput.xy);
 float gaussian = exp(-0.5*dist2);
 opacity = opacity*gaussian;
"/> + </Property> + <Property name="CustomTriangleScale" id="7597.CustomTriangleScale" number_of_elements="1"> + <Element index="0" value="3"/> + </Property> + <Property name="Diffuse" id="7597.Diffuse" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7597.Diffuse.range"/> + </Property> + <Property name="DiffuseColor" id="7597.DiffuseColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="7597.DiffuseColor.range"/> + </Property> + <Property name="EdgeColor" id="7597.EdgeColor" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0.5"/> + <Domain name="range" id="7597.EdgeColor.range"/> + </Property> + <Property name="EdgeTint" id="7597.EdgeTint" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7597.EdgeTint.range"/> + </Property> + <Property name="Emissive" id="7597.Emissive" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7597.Emissive.bool"/> + </Property> + <Property name="EmissiveFactor" id="7597.EmissiveFactor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7597.EmissiveFactor.range"/> + </Property> + <Property name="EmissiveTexture" id="7597.EmissiveTexture"> + <Domain name="groups" id="7597.EmissiveTexture.groups"/> + </Property> + <Property name="FlipTextures" id="7597.FlipTextures" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7597.FlipTextures.bool"/> + </Property> + <Property name="GaussianRadius" id="7597.GaussianRadius" number_of_elements="1"> + <Element index="0" value="0.005"/> + <Domain name="range" id="7597.GaussianRadius.range"/> + </Property> + <Property name="GlyphTableIndexArray" id="7597.GlyphTableIndexArray" number_of_elements="1"> + <Element index="0" value="indicatorFunction_P1"/> + <Domain name="array_list" id="7597.GlyphTableIndexArray.array_list"> + <String text="None"/> + <String text="indicatorFunction_P1"/> + <String text="indicatorFunction_P0"/> + </Domain> + </Property> + <Property name="GlyphType" id="7597.GlyphType" number_of_elements="1"> + <Proxy value="7424" output_port="0"/> + <Domain name="input_type" id="7597.GlyphType.input_type"/> + <Domain name="proxy_list" id="7597.GlyphType.proxy_list"> + <Proxy value="7424"/> + <Proxy value="7435"/> + <Proxy value="7446"/> + <Proxy value="7457"/> + <Proxy value="7468"/> + <Proxy value="7479"/> + <Proxy value="7490"/> + <Proxy value="7501"/> + </Domain> + </Property> + <Property name="InteractiveSelectionColor" id="7597.InteractiveSelectionColor" number_of_elements="3"> + <Element index="0" value="0.5"/> + <Element index="1" value="0"/> + <Element index="2" value="1"/> + <Domain name="range" id="7597.InteractiveSelectionColor.range"/> + </Property> + <Property name="InterpolateScalarsBeforeMapping" id="7597.InterpolateScalarsBeforeMapping" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7597.InterpolateScalarsBeforeMapping.bool"/> + </Property> + <Property name="InterpolateTextures" id="7597.InterpolateTextures" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7597.InterpolateTextures.bool"/> + </Property> + <Property name="Interpolation" id="7597.Interpolation" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="enum" id="7597.Interpolation.enum"> + <Entry value="0" text="Flat"/> + <Entry value="1" text="Gouraud"/> + <Entry value="3" text="PBR"/> + </Domain> + </Property> + <Property name="LODValues" id="7597.LODValues"> + <Domain name="scalar_range" id="7597.LODValues.scalar_range"/> + </Property> + <Property name="LineWidth" id="7597.LineWidth" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7597.LineWidth.range"/> + </Property> + <Property name="LookupTable" id="7597.LookupTable"> + <Domain name="groups" id="7597.LookupTable.groups"/> + </Property> + <Property name="Luminosity" id="7597.Luminosity" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7597.Luminosity.range"/> + </Property> + <Property name="MapScalars" id="7597.MapScalars" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7597.MapScalars.bool"/> + </Property> + <Property name="Masking" id="7597.Masking" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7597.Masking.bool"/> + </Property> + <Property name="MaterialTexture" id="7597.MaterialTexture"> + <Domain name="groups" id="7597.MaterialTexture.groups"/> + </Property> + <Property name="MeshVisibility" id="7597.MeshVisibility" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7597.MeshVisibility.bool"/> + </Property> + <Property name="Metallic" id="7597.Metallic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7597.Metallic.range"/> + </Property> + <Property name="MultiComponentsMapping" id="7597.MultiComponentsMapping" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7597.MultiComponentsMapping.bool"/> + </Property> + <Property name="NonlinearSubdivisionLevel" id="7597.NonlinearSubdivisionLevel" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7597.NonlinearSubdivisionLevel.range"/> + </Property> + <Property name="NormalScale" id="7597.NormalScale" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7597.NormalScale.range"/> + </Property> + <Property name="NormalTexture" id="7597.NormalTexture"> + <Domain name="groups" id="7597.NormalTexture.groups"/> + </Property> + <Property name="OSPRayMaterial" id="7597.OSPRayMaterial" number_of_elements="1"> + <Element index="0" value="None"/> + <Domain name="string_list" id="7597.OSPRayMaterial.string_list"/> + </Property> + <Property name="OSPRayScaleArray" id="7597.OSPRayScaleArray" number_of_elements="1"> + <Element index="0" value="indicatorFunction_P1"/> + <Domain name="array_list" id="7597.OSPRayScaleArray.array_list"> + <String text="indicatorFunction_P1"/> + </Domain> + </Property> + <Property name="OSPRayScaleFunction" id="7597.OSPRayScaleFunction" number_of_elements="1"> + <Proxy value="7569"/> + <Domain name="groups" id="7597.OSPRayScaleFunction.groups"/> + <Domain name="proxy_list" id="7597.OSPRayScaleFunction.proxy_list"> + <Proxy value="7569"/> + </Domain> + </Property> + <Property name="OSPRayUseScaleArray" id="7597.OSPRayUseScaleArray" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7597.OSPRayUseScaleArray.enum"> + <Entry value="-1" text="All Exact"/> + <Entry value="0" text="All Approximate"/> + <Entry value="1" text="Each Scaled"/> + <Entry value="2" text="Each Exact"/> + </Domain> + </Property> + <Property name="OcclusionStrength" id="7597.OcclusionStrength" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7597.OcclusionStrength.range"/> + </Property> + <Property name="Opacity" id="7597.Opacity" number_of_elements="1"> + <Element index="0" value="0.68"/> + <Domain name="range" id="7597.Opacity.range"/> + </Property> + <Property name="OpacityArray" id="7597.OpacityArray" number_of_elements="5"> + <Element index="0" value=""/> + <Element index="1" value=""/> + <Element index="2" value=""/> + <Element index="3" value="0"/> + <Element index="4" value="indicatorFunction_P1"/> + <Domain name="array_list" id="7597.OpacityArray.array_list"> + <String text="indicatorFunction_P1"/> + </Domain> + </Property> + <Property name="OpacityArrayComponent" id="7597.OpacityArrayComponent" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="comps" id="7597.OpacityArrayComponent.comps"> + <Entry value="0" text=""/> + </Domain> + </Property> + <Property name="OpacityArrayName" id="7597.OpacityArrayName" number_of_elements="5"> + <Element index="0" value=""/> + <Element index="1" value=""/> + <Element index="2" value=""/> + <Element index="3" value="0"/> + <Element index="4" value="indicatorFunction_P1"/> + <Domain name="array_list" id="7597.OpacityArrayName.array_list"> + <String text="indicatorFunction_P1"/> + <String text="indicatorFunction_P0"/> + </Domain> + </Property> + <Property name="OpacityByArray" id="7597.OpacityByArray" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7597.OpacityByArray.bool"/> + </Property> + <Property name="OpacityComponent" id="7597.OpacityComponent" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="comps" id="7597.OpacityComponent.comps"> + <Entry value="0" text=""/> + </Domain> + </Property> + <Property name="OpacityTransferFunction" id="7597.OpacityTransferFunction" number_of_elements="1"> + <Proxy value="7534"/> + <Domain name="proxy_list" id="7597.OpacityTransferFunction.proxy_list"> + <Proxy value="7534"/> + </Domain> + </Property> + <Property name="Orient" id="7597.Orient" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7597.Orient.bool"/> + </Property> + <Property name="Orientation" id="7597.Orientation" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="7597.Orientation.range"/> + </Property> + <Property name="OrientationMode" id="7597.OrientationMode" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7597.OrientationMode.enum"> + <Entry value="0" text="Direction"/> + <Entry value="1" text="Rotation"/> + <Entry value="2" text="Quaternion"/> + </Domain> + </Property> + <Property name="Origin" id="7597.Origin" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="7597.Origin.range"/> + </Property> + <Property name="Pickable" id="7597.Pickable" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7597.Pickable.bool"/> + </Property> + <Property name="PointSize" id="7597.PointSize" number_of_elements="1"> + <Element index="0" value="2"/> + <Domain name="range" id="7597.PointSize.range"/> + </Property> + <Property name="Position" id="7597.Position" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="7597.Position.range"/> + </Property> + <Property name="RenderLinesAsTubes" id="7597.RenderLinesAsTubes" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7597.RenderLinesAsTubes.bool"/> + </Property> + <Property name="RenderPointsAsSpheres" id="7597.RenderPointsAsSpheres" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7597.RenderPointsAsSpheres.bool"/> + </Property> + <Property name="RepeatTextures" id="7597.RepeatTextures" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7597.RepeatTextures.bool"/> + </Property> + <Property name="Roughness" id="7597.Roughness" number_of_elements="1"> + <Element index="0" value="0.3"/> + <Domain name="range" id="7597.Roughness.range"/> + </Property> + <Property name="SamplingDimensions" id="7597.SamplingDimensions" number_of_elements="3"> + <Element index="0" value="128"/> + <Element index="1" value="128"/> + <Element index="2" value="128"/> + <Domain name="range" id="7597.SamplingDimensions.range"/> + </Property> + <Property name="ScalarOpacityFunction" id="7597.ScalarOpacityFunction"> + <Domain name="groups" id="7597.ScalarOpacityFunction.groups"/> + </Property> + <Property name="ScalarOpacityUnitDistance" id="7597.ScalarOpacityUnitDistance" number_of_elements="1"> + <Element index="0" value="0.10825317547305482"/> + <Domain name="bounds" id="7597.ScalarOpacityUnitDistance.bounds"/> + </Property> + <Property name="Scale" id="7597.Scale" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7597.Scale.range"/> + </Property> + <Property name="ScaleArrayComponent" id="7597.ScaleArrayComponent" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="comps" id="7597.ScaleArrayComponent.comps"> + <Entry value="0" text=""/> + </Domain> + </Property> + <Property name="ScaleByArray" id="7597.ScaleByArray" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7597.ScaleByArray.bool"/> + </Property> + <Property name="ScaleFactor" id="7597.ScaleFactor" number_of_elements="1"> + <Element index="0" value="0.1"/> + <Domain name="bounds" id="7597.ScaleFactor.bounds"/> + <Domain name="scalar_range" id="7597.ScaleFactor.scalar_range"/> + <Domain name="vector_range" id="7597.ScaleFactor.vector_range"/> + </Property> + <Property name="ScaleMode" id="7597.ScaleMode" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7597.ScaleMode.enum"> + <Entry value="0" text="No Data Scaling Off"/> + <Entry value="1" text="Magnitude"/> + <Entry value="2" text="Vector Components"/> + </Domain> + </Property> + <Property name="ScaleTransferFunction" id="7597.ScaleTransferFunction" number_of_elements="1"> + <Proxy value="7535"/> + <Domain name="proxy_list" id="7597.ScaleTransferFunction.proxy_list"> + <Proxy value="7535"/> + </Domain> + </Property> + <Property name="Scaling" id="7597.Scaling" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7597.Scaling.bool"/> + </Property> + <Property name="SeamlessU" id="7597.SeamlessU" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7597.SeamlessU.bool"/> + </Property> + <Property name="SeamlessV" id="7597.SeamlessV" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7597.SeamlessV.bool"/> + </Property> + <Property name="SelectMapper" id="7597.SelectMapper" number_of_elements="1"> + <Element index="0" value="Projected tetra"/> + <Domain name="list" id="7597.SelectMapper.list"> + <String text="Projected tetra"/> + <String text="Z sweep"/> + <String text="Bunyk ray cast"/> + <String text="Resample To Image"/> + </Domain> + </Property> + <Property name="SelectMaskArray" id="7597.SelectMaskArray" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="SelectNormalArray" id="7597.SelectNormalArray" number_of_elements="1"> + <Element index="0" value="None"/> + <Domain name="array_list" id="7597.SelectNormalArray.array_list"> + <String text="None"/> + </Domain> + </Property> + <Property name="SelectOrientationVectors" id="7597.SelectOrientationVectors" number_of_elements="1"> + <Element index="0" value="None"/> + <Domain name="array_list" id="7597.SelectOrientationVectors.array_list"> + <String text="None"/> + </Domain> + </Property> + <Property name="SelectScaleArray" id="7597.SelectScaleArray" number_of_elements="1"> + <Element index="0" value="indicatorFunction_P1"/> + <Domain name="array_list" id="7597.SelectScaleArray.array_list"> + <String text="None"/> + <String text="indicatorFunction_P1"/> + <String text="indicatorFunction_P0"/> + </Domain> + </Property> + <Property name="SelectTCoordArray" id="7597.SelectTCoordArray" number_of_elements="1"> + <Element index="0" value="None"/> + <Domain name="array_list" id="7597.SelectTCoordArray.array_list"> + <String text="None"/> + </Domain> + </Property> + <Property name="SelectTangentArray" id="7597.SelectTangentArray" number_of_elements="1"> + <Element index="0" value="None"/> + <Domain name="array_list" id="7597.SelectTangentArray.array_list"> + <String text="None"/> + </Domain> + </Property> + <Property name="SelectionCellLabelBold" id="7597.SelectionCellLabelBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7597.SelectionCellLabelBold.bool"/> + </Property> + <Property name="SelectionCellLabelColor" id="7597.SelectionCellLabelColor" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="1"/> + <Element index="2" value="0"/> + <Domain name="range" id="7597.SelectionCellLabelColor.range"/> + </Property> + <Property name="SelectionCellLabelFontFamily" id="7597.SelectionCellLabelFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7597.SelectionCellLabelFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="SelectionCellLabelFontFile" id="7597.SelectionCellLabelFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="SelectionCellLabelFontSize" id="7597.SelectionCellLabelFontSize" number_of_elements="1"> + <Element index="0" value="18"/> + <Domain name="range" id="7597.SelectionCellLabelFontSize.range"/> + </Property> + <Property name="SelectionCellLabelFormat" id="7597.SelectionCellLabelFormat" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="SelectionCellLabelItalic" id="7597.SelectionCellLabelItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7597.SelectionCellLabelItalic.bool"/> + </Property> + <Property name="SelectionCellLabelJustification" id="7597.SelectionCellLabelJustification" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7597.SelectionCellLabelJustification.enum"> + <Entry value="0" text="Left"/> + <Entry value="1" text="Center"/> + <Entry value="2" text="Right"/> + </Domain> + </Property> + <Property name="SelectionCellLabelOpacity" id="7597.SelectionCellLabelOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7597.SelectionCellLabelOpacity.range"/> + </Property> + <Property name="SelectionCellLabelShadow" id="7597.SelectionCellLabelShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7597.SelectionCellLabelShadow.bool"/> + </Property> + <Property name="SelectionCellLabelVisibility" id="7597.SelectionCellLabelVisibility" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7597.SelectionCellLabelVisibility.bool"/> + </Property> + <Property name="SelectionColor" id="7597.SelectionColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="0"/> + <Element index="2" value="1"/> + <Domain name="range" id="7597.SelectionColor.range"/> + </Property> + <Property name="SelectionLineWidth" id="7597.SelectionLineWidth" number_of_elements="1"> + <Element index="0" value="2"/> + <Domain name="range" id="7597.SelectionLineWidth.range"/> + </Property> + <Property name="SelectionMaximumNumberOfLabels" id="7597.SelectionMaximumNumberOfLabels" number_of_elements="1"> + <Element index="0" value="100"/> + <Domain name="range" id="7597.SelectionMaximumNumberOfLabels.range"/> + </Property> + <Property name="SelectionOpacity" id="7597.SelectionOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7597.SelectionOpacity.range"/> + </Property> + <Property name="SelectionPointLabelBold" id="7597.SelectionPointLabelBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7597.SelectionPointLabelBold.bool"/> + </Property> + <Property name="SelectionPointLabelColor" id="7597.SelectionPointLabelColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="0"/> + <Domain name="range" id="7597.SelectionPointLabelColor.range"/> + </Property> + <Property name="SelectionPointLabelFontFamily" id="7597.SelectionPointLabelFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7597.SelectionPointLabelFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="SelectionPointLabelFontFile" id="7597.SelectionPointLabelFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="SelectionPointLabelFontSize" id="7597.SelectionPointLabelFontSize" number_of_elements="1"> + <Element index="0" value="18"/> + <Domain name="range" id="7597.SelectionPointLabelFontSize.range"/> + </Property> + <Property name="SelectionPointLabelFormat" id="7597.SelectionPointLabelFormat" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="SelectionPointLabelItalic" id="7597.SelectionPointLabelItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7597.SelectionPointLabelItalic.bool"/> + </Property> + <Property name="SelectionPointLabelJustification" id="7597.SelectionPointLabelJustification" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7597.SelectionPointLabelJustification.enum"> + <Entry value="0" text="Left"/> + <Entry value="1" text="Center"/> + <Entry value="2" text="Right"/> + </Domain> + </Property> + <Property name="SelectionPointLabelOpacity" id="7597.SelectionPointLabelOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7597.SelectionPointLabelOpacity.range"/> + </Property> + <Property name="SelectionPointLabelShadow" id="7597.SelectionPointLabelShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7597.SelectionPointLabelShadow.bool"/> + </Property> + <Property name="SelectionPointLabelVisibility" id="7597.SelectionPointLabelVisibility" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7597.SelectionPointLabelVisibility.bool"/> + </Property> + <Property name="SelectionPointSize" id="7597.SelectionPointSize" number_of_elements="1"> + <Element index="0" value="5"/> + <Domain name="range" id="7597.SelectionPointSize.range"/> + </Property> + <Property name="SelectionRepresentation" id="7597.SelectionRepresentation" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="enum" id="7597.SelectionRepresentation.enum"> + <Entry value="0" text="Points"/> + <Entry value="1" text="Wireframe"/> + <Entry value="2" text="Surface"/> + </Domain> + </Property> + <Property name="SelectionUseOutline" id="7597.SelectionUseOutline" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7597.SelectionUseOutline.bool"/> + </Property> + <Property name="SetScaleArray" id="7597.SetScaleArray" number_of_elements="5"> + <Element index="0" value=""/> + <Element index="1" value=""/> + <Element index="2" value=""/> + <Element index="3" value="0"/> + <Element index="4" value="indicatorFunction_P1"/> + <Domain name="array_list" id="7597.SetScaleArray.array_list"> + <String text="indicatorFunction_P1"/> + </Domain> + </Property> + <Property name="ShaderPreset" id="7597.ShaderPreset" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="enum" id="7597.ShaderPreset.enum"> + <Entry value="0" text="Gaussian Blur"/> + <Entry value="1" text="Sphere"/> + <Entry value="2" text="Black-edged circle"/> + <Entry value="3" text="Plain circle"/> + <Entry value="4" text="Triangle"/> + <Entry value="5" text="Square Outline"/> + <Entry value="6" text="Custom"/> + </Domain> + </Property> + <Property name="ShaderReplacements" id="7597.ShaderReplacements" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="ShowTexturesOnBackface" id="7597.ShowTexturesOnBackface" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7597.ShowTexturesOnBackface.bool"/> + </Property> + <Property name="Specular" id="7597.Specular" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7597.Specular.range"/> + </Property> + <Property name="SpecularColor" id="7597.SpecularColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7597.SpecularColor.range"/> + </Property> + <Property name="SpecularPower" id="7597.SpecularPower" number_of_elements="1"> + <Element index="0" value="100"/> + <Domain name="range" id="7597.SpecularPower.range"/> + </Property> + <Property name="StaticMode" id="7597.StaticMode" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7597.StaticMode.bool"/> + </Property> + <Property name="SuppressLOD" id="7597.SuppressLOD" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7597.SuppressLOD.bool"/> + </Property> + <Property name="Texture" id="7597.Texture"> + <Domain name="groups" id="7597.Texture.groups"/> + </Property> + <Property name="Triangulate" id="7597.Triangulate" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7597.Triangulate.bool"/> + </Property> + <Property name="UseCompositeGlyphTable" id="7597.UseCompositeGlyphTable" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7597.UseCompositeGlyphTable.bool"/> + </Property> + <Property name="UseDataPartitions" id="7597.UseDataPartitions" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7597.UseDataPartitions.bool"/> + </Property> + <Property name="UseFloatingPointFrameBuffer" id="7597.UseFloatingPointFrameBuffer" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7597.UseFloatingPointFrameBuffer.bool"/> + </Property> + <Property name="UseGlyphCullingAndLOD" id="7597.UseGlyphCullingAndLOD" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7597.UseGlyphCullingAndLOD.bool"/> + </Property> + <Property name="UseGlyphTable" id="7597.UseGlyphTable" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7597.UseGlyphTable.bool"/> + </Property> + <Property name="UseMipmapTextures" id="7597.UseMipmapTextures" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7597.UseMipmapTextures.bool"/> + </Property> + <Property name="UseScaleFunction" id="7597.UseScaleFunction" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7597.UseScaleFunction.bool"/> + </Property> + <Property name="UseSeparateColorMap" id="7597.UseSeparateColorMap" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7597.UseSeparateColorMap.bool"/> + </Property> + <Property name="UseSeparateOpacityArray" id="7597.UseSeparateOpacityArray" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7597.UseSeparateOpacityArray.bool"/> + </Property> + <Property name="UseShaderReplacements" id="7597.UseShaderReplacements" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7597.UseShaderReplacements.bool"/> + </Property> + <Property name="UserTransform" id="7597.UserTransform" number_of_elements="16"> + <Element index="0" value="1"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Element index="3" value="0"/> + <Element index="4" value="0"/> + <Element index="5" value="1"/> + <Element index="6" value="0"/> + <Element index="7" value="0"/> + <Element index="8" value="0"/> + <Element index="9" value="0"/> + <Element index="10" value="1"/> + <Element index="11" value="0"/> + <Element index="12" value="0"/> + <Element index="13" value="0"/> + <Element index="14" value="0"/> + <Element index="15" value="1"/> + </Property> + </Proxy> + <Proxy group="representations" type="UnstructuredGridRepresentation" id="7946" servers="21"> + <Property name="DataAxesGrid" id="7946.DataAxesGrid" number_of_elements="1"> + <Proxy value="7736"/> + <Domain name="proxy_list" id="7946.DataAxesGrid.proxy_list"> + <Proxy value="7736"/> + </Domain> + </Property> + <Property name="Input" id="7946.Input" number_of_elements="1"> + <Proxy value="7716" output_port="0"/> + <Domain name="input_array_cell" id="7946.Input.input_array_cell"/> + <Domain name="input_array_point" id="7946.Input.input_array_point"/> + <Domain name="input_type" id="7946.Input.input_type"/> + </Property> + <Property name="PolarAxes" id="7946.PolarAxes" number_of_elements="1"> + <Proxy value="7751"/> + <Domain name="proxy_list" id="7946.PolarAxes.proxy_list"> + <Proxy value="7751"/> + </Domain> + </Property> + <Property name="Representation" id="7946.Representation" number_of_elements="1"> + <Element index="0" value="Surface"/> + <Domain name="list" id="7946.Representation.list"> + <String text="3D Glyphs"/> + <String text="Feature Edges"/> + <String text="Outline"/> + <String text="Point Gaussian"/> + <String text="Points"/> + <String text="Surface"/> + <String text="Surface With Edges"/> + <String text="Volume"/> + <String text="Wireframe"/> + </Domain> + </Property> + <Property name="RepresentationTypesInfo" id="7946.RepresentationTypesInfo" number_of_elements="9"> + <Element index="0" value="3D Glyphs"/> + <Element index="1" value="Feature Edges"/> + <Element index="2" value="Outline"/> + <Element index="3" value="Point Gaussian"/> + <Element index="4" value="Points"/> + <Element index="5" value="Surface"/> + <Element index="6" value="Surface With Edges"/> + <Element index="7" value="Volume"/> + <Element index="8" value="Wireframe"/> + </Property> + <Property name="Selection" id="7946.Selection"> + <Domain name="input_type" id="7946.Selection.input_type"/> + </Property> + <Property name="SelectionCellFieldDataArrayName" id="7946.SelectionCellFieldDataArrayName" number_of_elements="1"> + <Element index="0" value="vtkOriginalCellIds"/> + <Domain name="array_list" id="7946.SelectionCellFieldDataArrayName.array_list"> + <String text="indicatorFunction_P0"/> + </Domain> + </Property> + <Property name="SelectionPointFieldDataArrayName" id="7946.SelectionPointFieldDataArrayName" number_of_elements="1"> + <Element index="0" value="vtkOriginalPointIds"/> + <Domain name="array_list" id="7946.SelectionPointFieldDataArrayName.array_list"> + <String text="indicatorFunction_P1"/> + </Domain> + </Property> + <Property name="SelectionVisibility" id="7946.SelectionVisibility" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7946.SelectionVisibility.bool"/> + </Property> + <Property name="Visibility" id="7946.Visibility" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7946.Visibility.bool"/> + </Property> + <Property name="Ambient" id="7946.Ambient" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7946.Ambient.range"/> + </Property> + <Property name="AmbientColor" id="7946.AmbientColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="7946.AmbientColor.range"/> + </Property> + <Property name="Anisotropy" id="7946.Anisotropy" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7946.Anisotropy.range"/> + </Property> + <Property name="AnisotropyRotation" id="7946.AnisotropyRotation" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7946.AnisotropyRotation.range"/> + </Property> + <Property name="AnisotropyTexture" id="7946.AnisotropyTexture"> + <Domain name="groups" id="7946.AnisotropyTexture.groups"/> + </Property> + <Property name="BackfaceAmbientColor" id="7946.BackfaceAmbientColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7946.BackfaceAmbientColor.range"/> + </Property> + <Property name="BackfaceDiffuseColor" id="7946.BackfaceDiffuseColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7946.BackfaceDiffuseColor.range"/> + </Property> + <Property name="BackfaceOpacity" id="7946.BackfaceOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7946.BackfaceOpacity.range"/> + </Property> + <Property name="BackfaceRepresentation" id="7946.BackfaceRepresentation" number_of_elements="1"> + <Element index="0" value="400"/> + <Domain name="enum" id="7946.BackfaceRepresentation.enum"> + <Entry value="400" text="Follow Frontface"/> + <Entry value="401" text="Cull Backface"/> + <Entry value="402" text="Cull Frontface"/> + <Entry value="0" text="Points"/> + <Entry value="1" text="Wireframe"/> + <Entry value="2" text="Surface"/> + <Entry value="3" text="Surface With Edges"/> + </Domain> + </Property> + <Property name="BaseColorTexture" id="7946.BaseColorTexture"> + <Domain name="groups" id="7946.BaseColorTexture.groups"/> + </Property> + <Property name="BaseIOR" id="7946.BaseIOR" number_of_elements="1"> + <Element index="0" value="1.5"/> + <Domain name="range" id="7946.BaseIOR.range"/> + </Property> + <Property name="BlockColors" id="7946.BlockColors"> + <Domain name="data_assembly" id="7946.BlockColors.data_assembly"/> + </Property> + <Property name="BlockColorsDistinctValues" id="7946.BlockColorsDistinctValues" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="7946.BlockColorsDistinctValues.range"/> + </Property> + <Property name="BlockOpacities" id="7946.BlockOpacities"> + <Domain name="data_assembly" id="7946.BlockOpacities.data_assembly"/> + </Property> + <Property name="BlockSelectors" id="7946.BlockSelectors" number_of_elements="1"> + <Element index="0" value="/"/> + <Domain name="data_assembly" id="7946.BlockSelectors.data_assembly"/> + </Property> + <Property name="CoatColor" id="7946.CoatColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7946.CoatColor.range"/> + </Property> + <Property name="CoatIOR" id="7946.CoatIOR" number_of_elements="1"> + <Element index="0" value="2"/> + <Domain name="range" id="7946.CoatIOR.range"/> + </Property> + <Property name="CoatNormalScale" id="7946.CoatNormalScale" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7946.CoatNormalScale.range"/> + </Property> + <Property name="CoatNormalTexture" id="7946.CoatNormalTexture"> + <Domain name="groups" id="7946.CoatNormalTexture.groups"/> + </Property> + <Property name="CoatRoughness" id="7946.CoatRoughness" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7946.CoatRoughness.range"/> + </Property> + <Property name="CoatStrength" id="7946.CoatStrength" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7946.CoatStrength.range"/> + </Property> + <Property name="ColorArrayName" id="7946.ColorArrayName" number_of_elements="5"> + <Element index="0" value=""/> + <Element index="1" value=""/> + <Element index="2" value=""/> + <Element index="3" value=""/> + <Element index="4" value=""/> + <Domain name="array_list" id="7946.ColorArrayName.array_list"> + <String text="indicatorFunction_P1"/> + <String text="indicatorFunction_P0"/> + </Domain> + </Property> + <Property name="ColorByLODIndex" id="7946.ColorByLODIndex" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7946.ColorByLODIndex.bool"/> + </Property> + <Property name="CoordinateShiftScaleMethod" id="7946.CoordinateShiftScaleMethod" number_of_elements="1"> + <Element index="0" value="2"/> + <Domain name="enum" id="7946.CoordinateShiftScaleMethod.enum"> + <Entry value="0" text="Disable"/> + <Entry value="1" text="Auto Shift Scale"/> + <Entry value="2" text="Always Auto Shift Scale"/> + <Entry value="4" text="Auto Shift Only"/> + <Entry value="5" text="Near Focal Plane Shift Scale"/> + <Entry value="6" text="Focal Point Shift Scale"/> + </Domain> + </Property> + <Property name="CustomShader" id="7946.CustomShader" number_of_elements="1"> + <Element index="0" value=" // This custom shader code define a gaussian blur
 // Please take a look into vtkSMPointGaussianRepresentation.cxx
 // for other custom shader examples
 //VTK::Color::Impl
 float dist2 = dot(offsetVCVSOutput.xy,offsetVCVSOutput.xy);
 float gaussian = exp(-0.5*dist2);
 opacity = opacity*gaussian;
"/> + </Property> + <Property name="CustomTriangleScale" id="7946.CustomTriangleScale" number_of_elements="1"> + <Element index="0" value="3"/> + </Property> + <Property name="Diffuse" id="7946.Diffuse" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7946.Diffuse.range"/> + </Property> + <Property name="DiffuseColor" id="7946.DiffuseColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="7946.DiffuseColor.range"/> + </Property> + <Property name="EdgeColor" id="7946.EdgeColor" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0.5"/> + <Domain name="range" id="7946.EdgeColor.range"/> + </Property> + <Property name="EdgeTint" id="7946.EdgeTint" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7946.EdgeTint.range"/> + </Property> + <Property name="Emissive" id="7946.Emissive" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7946.Emissive.bool"/> + </Property> + <Property name="EmissiveFactor" id="7946.EmissiveFactor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7946.EmissiveFactor.range"/> + </Property> + <Property name="EmissiveTexture" id="7946.EmissiveTexture"> + <Domain name="groups" id="7946.EmissiveTexture.groups"/> + </Property> + <Property name="FlipTextures" id="7946.FlipTextures" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7946.FlipTextures.bool"/> + </Property> + <Property name="GaussianRadius" id="7946.GaussianRadius" number_of_elements="1"> + <Element index="0" value="-1e+297"/> + <Domain name="range" id="7946.GaussianRadius.range"/> + </Property> + <Property name="GlyphTableIndexArray" id="7946.GlyphTableIndexArray" number_of_elements="1"> + <Element index="0" value="None"/> + <Domain name="array_list" id="7946.GlyphTableIndexArray.array_list"> + <String text="None"/> + <String text="indicatorFunction_P1"/> + <String text="indicatorFunction_P0"/> + </Domain> + </Property> + <Property name="GlyphType" id="7946.GlyphType" number_of_elements="1"> + <Proxy value="7773" output_port="0"/> + <Domain name="input_type" id="7946.GlyphType.input_type"/> + <Domain name="proxy_list" id="7946.GlyphType.proxy_list"> + <Proxy value="7773"/> + <Proxy value="7784"/> + <Proxy value="7795"/> + <Proxy value="7806"/> + <Proxy value="7817"/> + <Proxy value="7828"/> + <Proxy value="7839"/> + <Proxy value="7850"/> + </Domain> + </Property> + <Property name="InteractiveSelectionColor" id="7946.InteractiveSelectionColor" number_of_elements="3"> + <Element index="0" value="0.5"/> + <Element index="1" value="0"/> + <Element index="2" value="1"/> + <Domain name="range" id="7946.InteractiveSelectionColor.range"/> + </Property> + <Property name="InterpolateScalarsBeforeMapping" id="7946.InterpolateScalarsBeforeMapping" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7946.InterpolateScalarsBeforeMapping.bool"/> + </Property> + <Property name="InterpolateTextures" id="7946.InterpolateTextures" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7946.InterpolateTextures.bool"/> + </Property> + <Property name="Interpolation" id="7946.Interpolation" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="enum" id="7946.Interpolation.enum"> + <Entry value="0" text="Flat"/> + <Entry value="1" text="Gouraud"/> + <Entry value="3" text="PBR"/> + </Domain> + </Property> + <Property name="LODValues" id="7946.LODValues"> + <Domain name="scalar_range" id="7946.LODValues.scalar_range"/> + </Property> + <Property name="LineWidth" id="7946.LineWidth" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7946.LineWidth.range"/> + </Property> + <Property name="LookupTable" id="7946.LookupTable"> + <Domain name="groups" id="7946.LookupTable.groups"/> + </Property> + <Property name="Luminosity" id="7946.Luminosity" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7946.Luminosity.range"/> + </Property> + <Property name="MapScalars" id="7946.MapScalars" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7946.MapScalars.bool"/> + </Property> + <Property name="Masking" id="7946.Masking" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7946.Masking.bool"/> + </Property> + <Property name="MaterialTexture" id="7946.MaterialTexture"> + <Domain name="groups" id="7946.MaterialTexture.groups"/> + </Property> + <Property name="MeshVisibility" id="7946.MeshVisibility" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7946.MeshVisibility.bool"/> + </Property> + <Property name="Metallic" id="7946.Metallic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7946.Metallic.range"/> + </Property> + <Property name="MultiComponentsMapping" id="7946.MultiComponentsMapping" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7946.MultiComponentsMapping.bool"/> + </Property> + <Property name="NonlinearSubdivisionLevel" id="7946.NonlinearSubdivisionLevel" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7946.NonlinearSubdivisionLevel.range"/> + </Property> + <Property name="NormalScale" id="7946.NormalScale" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7946.NormalScale.range"/> + </Property> + <Property name="NormalTexture" id="7946.NormalTexture"> + <Domain name="groups" id="7946.NormalTexture.groups"/> + </Property> + <Property name="OSPRayMaterial" id="7946.OSPRayMaterial" number_of_elements="1"> + <Element index="0" value="None"/> + <Domain name="string_list" id="7946.OSPRayMaterial.string_list"/> + </Property> + <Property name="OSPRayScaleArray" id="7946.OSPRayScaleArray" number_of_elements="1"> + <Element index="0" value=""/> + <Domain name="array_list" id="7946.OSPRayScaleArray.array_list"> + <String text="indicatorFunction_P1"/> + </Domain> + </Property> + <Property name="OSPRayScaleFunction" id="7946.OSPRayScaleFunction" number_of_elements="1"> + <Proxy value="7918"/> + <Domain name="groups" id="7946.OSPRayScaleFunction.groups"/> + <Domain name="proxy_list" id="7946.OSPRayScaleFunction.proxy_list"> + <Proxy value="7918"/> + </Domain> + </Property> + <Property name="OSPRayUseScaleArray" id="7946.OSPRayUseScaleArray" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7946.OSPRayUseScaleArray.enum"> + <Entry value="-1" text="All Exact"/> + <Entry value="0" text="All Approximate"/> + <Entry value="1" text="Each Scaled"/> + <Entry value="2" text="Each Exact"/> + </Domain> + </Property> + <Property name="OcclusionStrength" id="7946.OcclusionStrength" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7946.OcclusionStrength.range"/> + </Property> + <Property name="Opacity" id="7946.Opacity" number_of_elements="1"> + <Element index="0" value="0.68"/> + <Domain name="range" id="7946.Opacity.range"/> + </Property> + <Property name="OpacityArray" id="7946.OpacityArray" number_of_elements="5"> + <Element index="0" value=""/> + <Element index="1" value=""/> + <Element index="2" value=""/> + <Element index="3" value=""/> + <Element index="4" value=""/> + <Domain name="array_list" id="7946.OpacityArray.array_list"> + <String text="indicatorFunction_P1"/> + </Domain> + </Property> + <Property name="OpacityArrayComponent" id="7946.OpacityArrayComponent" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="comps" id="7946.OpacityArrayComponent.comps"/> + </Property> + <Property name="OpacityArrayName" id="7946.OpacityArrayName" number_of_elements="5"> + <Element index="0" value=""/> + <Element index="1" value=""/> + <Element index="2" value=""/> + <Element index="3" value=""/> + <Element index="4" value=""/> + <Domain name="array_list" id="7946.OpacityArrayName.array_list"> + <String text="indicatorFunction_P1"/> + <String text="indicatorFunction_P0"/> + </Domain> + </Property> + <Property name="OpacityByArray" id="7946.OpacityByArray" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7946.OpacityByArray.bool"/> + </Property> + <Property name="OpacityComponent" id="7946.OpacityComponent" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="comps" id="7946.OpacityComponent.comps"/> + </Property> + <Property name="OpacityTransferFunction" id="7946.OpacityTransferFunction" number_of_elements="1"> + <Proxy value="7883"/> + <Domain name="proxy_list" id="7946.OpacityTransferFunction.proxy_list"> + <Proxy value="7883"/> + </Domain> + </Property> + <Property name="Orient" id="7946.Orient" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7946.Orient.bool"/> + </Property> + <Property name="Orientation" id="7946.Orientation" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="7946.Orientation.range"/> + </Property> + <Property name="OrientationMode" id="7946.OrientationMode" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7946.OrientationMode.enum"> + <Entry value="0" text="Direction"/> + <Entry value="1" text="Rotation"/> + <Entry value="2" text="Quaternion"/> + </Domain> + </Property> + <Property name="Origin" id="7946.Origin" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="7946.Origin.range"/> + </Property> + <Property name="Pickable" id="7946.Pickable" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7946.Pickable.bool"/> + </Property> + <Property name="PointSize" id="7946.PointSize" number_of_elements="1"> + <Element index="0" value="2"/> + <Domain name="range" id="7946.PointSize.range"/> + </Property> + <Property name="Position" id="7946.Position" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="7946.Position.range"/> + </Property> + <Property name="RenderLinesAsTubes" id="7946.RenderLinesAsTubes" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7946.RenderLinesAsTubes.bool"/> + </Property> + <Property name="RenderPointsAsSpheres" id="7946.RenderPointsAsSpheres" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7946.RenderPointsAsSpheres.bool"/> + </Property> + <Property name="RepeatTextures" id="7946.RepeatTextures" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7946.RepeatTextures.bool"/> + </Property> + <Property name="Roughness" id="7946.Roughness" number_of_elements="1"> + <Element index="0" value="0.3"/> + <Domain name="range" id="7946.Roughness.range"/> + </Property> + <Property name="SamplingDimensions" id="7946.SamplingDimensions" number_of_elements="3"> + <Element index="0" value="128"/> + <Element index="1" value="128"/> + <Element index="2" value="128"/> + <Domain name="range" id="7946.SamplingDimensions.range"/> + </Property> + <Property name="ScalarOpacityFunction" id="7946.ScalarOpacityFunction"> + <Domain name="groups" id="7946.ScalarOpacityFunction.groups"/> + </Property> + <Property name="ScalarOpacityUnitDistance" id="7946.ScalarOpacityUnitDistance" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bounds" id="7946.ScalarOpacityUnitDistance.bounds"/> + </Property> + <Property name="Scale" id="7946.Scale" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7946.Scale.range"/> + </Property> + <Property name="ScaleArrayComponent" id="7946.ScaleArrayComponent" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="comps" id="7946.ScaleArrayComponent.comps"/> + </Property> + <Property name="ScaleByArray" id="7946.ScaleByArray" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7946.ScaleByArray.bool"/> + </Property> + <Property name="ScaleFactor" id="7946.ScaleFactor" number_of_elements="1"> + <Element index="0" value="-2.0000000000000002e+298"/> + <Domain name="bounds" id="7946.ScaleFactor.bounds"/> + <Domain name="scalar_range" id="7946.ScaleFactor.scalar_range"/> + <Domain name="vector_range" id="7946.ScaleFactor.vector_range"/> + </Property> + <Property name="ScaleMode" id="7946.ScaleMode" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7946.ScaleMode.enum"> + <Entry value="0" text="No Data Scaling Off"/> + <Entry value="1" text="Magnitude"/> + <Entry value="2" text="Vector Components"/> + </Domain> + </Property> + <Property name="ScaleTransferFunction" id="7946.ScaleTransferFunction" number_of_elements="1"> + <Proxy value="7884"/> + <Domain name="proxy_list" id="7946.ScaleTransferFunction.proxy_list"> + <Proxy value="7884"/> + </Domain> + </Property> + <Property name="Scaling" id="7946.Scaling" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7946.Scaling.bool"/> + </Property> + <Property name="SeamlessU" id="7946.SeamlessU" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7946.SeamlessU.bool"/> + </Property> + <Property name="SeamlessV" id="7946.SeamlessV" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7946.SeamlessV.bool"/> + </Property> + <Property name="SelectMapper" id="7946.SelectMapper" number_of_elements="1"> + <Element index="0" value="Projected tetra"/> + <Domain name="list" id="7946.SelectMapper.list"> + <String text="Projected tetra"/> + <String text="Z sweep"/> + <String text="Bunyk ray cast"/> + <String text="Resample To Image"/> + </Domain> + </Property> + <Property name="SelectMaskArray" id="7946.SelectMaskArray" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="SelectNormalArray" id="7946.SelectNormalArray" number_of_elements="1"> + <Element index="0" value="None"/> + <Domain name="array_list" id="7946.SelectNormalArray.array_list"> + <String text="None"/> + </Domain> + </Property> + <Property name="SelectOrientationVectors" id="7946.SelectOrientationVectors" number_of_elements="1"> + <Element index="0" value="None"/> + <Domain name="array_list" id="7946.SelectOrientationVectors.array_list"> + <String text="None"/> + </Domain> + </Property> + <Property name="SelectScaleArray" id="7946.SelectScaleArray" number_of_elements="1"> + <Element index="0" value="None"/> + <Domain name="array_list" id="7946.SelectScaleArray.array_list"> + <String text="None"/> + <String text="indicatorFunction_P1"/> + <String text="indicatorFunction_P0"/> + </Domain> + </Property> + <Property name="SelectTCoordArray" id="7946.SelectTCoordArray" number_of_elements="1"> + <Element index="0" value="None"/> + <Domain name="array_list" id="7946.SelectTCoordArray.array_list"> + <String text="None"/> + </Domain> + </Property> + <Property name="SelectTangentArray" id="7946.SelectTangentArray" number_of_elements="1"> + <Element index="0" value="None"/> + <Domain name="array_list" id="7946.SelectTangentArray.array_list"> + <String text="None"/> + </Domain> + </Property> + <Property name="SelectionCellLabelBold" id="7946.SelectionCellLabelBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7946.SelectionCellLabelBold.bool"/> + </Property> + <Property name="SelectionCellLabelColor" id="7946.SelectionCellLabelColor" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="1"/> + <Element index="2" value="0"/> + <Domain name="range" id="7946.SelectionCellLabelColor.range"/> + </Property> + <Property name="SelectionCellLabelFontFamily" id="7946.SelectionCellLabelFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7946.SelectionCellLabelFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="SelectionCellLabelFontFile" id="7946.SelectionCellLabelFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="SelectionCellLabelFontSize" id="7946.SelectionCellLabelFontSize" number_of_elements="1"> + <Element index="0" value="18"/> + <Domain name="range" id="7946.SelectionCellLabelFontSize.range"/> + </Property> + <Property name="SelectionCellLabelFormat" id="7946.SelectionCellLabelFormat" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="SelectionCellLabelItalic" id="7946.SelectionCellLabelItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7946.SelectionCellLabelItalic.bool"/> + </Property> + <Property name="SelectionCellLabelJustification" id="7946.SelectionCellLabelJustification" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7946.SelectionCellLabelJustification.enum"> + <Entry value="0" text="Left"/> + <Entry value="1" text="Center"/> + <Entry value="2" text="Right"/> + </Domain> + </Property> + <Property name="SelectionCellLabelOpacity" id="7946.SelectionCellLabelOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7946.SelectionCellLabelOpacity.range"/> + </Property> + <Property name="SelectionCellLabelShadow" id="7946.SelectionCellLabelShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7946.SelectionCellLabelShadow.bool"/> + </Property> + <Property name="SelectionCellLabelVisibility" id="7946.SelectionCellLabelVisibility" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7946.SelectionCellLabelVisibility.bool"/> + </Property> + <Property name="SelectionColor" id="7946.SelectionColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="0"/> + <Element index="2" value="1"/> + <Domain name="range" id="7946.SelectionColor.range"/> + </Property> + <Property name="SelectionLineWidth" id="7946.SelectionLineWidth" number_of_elements="1"> + <Element index="0" value="2"/> + <Domain name="range" id="7946.SelectionLineWidth.range"/> + </Property> + <Property name="SelectionMaximumNumberOfLabels" id="7946.SelectionMaximumNumberOfLabels" number_of_elements="1"> + <Element index="0" value="100"/> + <Domain name="range" id="7946.SelectionMaximumNumberOfLabels.range"/> + </Property> + <Property name="SelectionOpacity" id="7946.SelectionOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7946.SelectionOpacity.range"/> + </Property> + <Property name="SelectionPointLabelBold" id="7946.SelectionPointLabelBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7946.SelectionPointLabelBold.bool"/> + </Property> + <Property name="SelectionPointLabelColor" id="7946.SelectionPointLabelColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="0"/> + <Domain name="range" id="7946.SelectionPointLabelColor.range"/> + </Property> + <Property name="SelectionPointLabelFontFamily" id="7946.SelectionPointLabelFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7946.SelectionPointLabelFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="SelectionPointLabelFontFile" id="7946.SelectionPointLabelFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="SelectionPointLabelFontSize" id="7946.SelectionPointLabelFontSize" number_of_elements="1"> + <Element index="0" value="18"/> + <Domain name="range" id="7946.SelectionPointLabelFontSize.range"/> + </Property> + <Property name="SelectionPointLabelFormat" id="7946.SelectionPointLabelFormat" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="SelectionPointLabelItalic" id="7946.SelectionPointLabelItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7946.SelectionPointLabelItalic.bool"/> + </Property> + <Property name="SelectionPointLabelJustification" id="7946.SelectionPointLabelJustification" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7946.SelectionPointLabelJustification.enum"> + <Entry value="0" text="Left"/> + <Entry value="1" text="Center"/> + <Entry value="2" text="Right"/> + </Domain> + </Property> + <Property name="SelectionPointLabelOpacity" id="7946.SelectionPointLabelOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7946.SelectionPointLabelOpacity.range"/> + </Property> + <Property name="SelectionPointLabelShadow" id="7946.SelectionPointLabelShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7946.SelectionPointLabelShadow.bool"/> + </Property> + <Property name="SelectionPointLabelVisibility" id="7946.SelectionPointLabelVisibility" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7946.SelectionPointLabelVisibility.bool"/> + </Property> + <Property name="SelectionPointSize" id="7946.SelectionPointSize" number_of_elements="1"> + <Element index="0" value="5"/> + <Domain name="range" id="7946.SelectionPointSize.range"/> + </Property> + <Property name="SelectionRepresentation" id="7946.SelectionRepresentation" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="enum" id="7946.SelectionRepresentation.enum"> + <Entry value="0" text="Points"/> + <Entry value="1" text="Wireframe"/> + <Entry value="2" text="Surface"/> + </Domain> + </Property> + <Property name="SelectionUseOutline" id="7946.SelectionUseOutline" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7946.SelectionUseOutline.bool"/> + </Property> + <Property name="SetScaleArray" id="7946.SetScaleArray" number_of_elements="5"> + <Element index="0" value=""/> + <Element index="1" value=""/> + <Element index="2" value=""/> + <Element index="3" value=""/> + <Element index="4" value=""/> + <Domain name="array_list" id="7946.SetScaleArray.array_list"> + <String text="indicatorFunction_P1"/> + </Domain> + </Property> + <Property name="ShaderPreset" id="7946.ShaderPreset" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="enum" id="7946.ShaderPreset.enum"> + <Entry value="0" text="Gaussian Blur"/> + <Entry value="1" text="Sphere"/> + <Entry value="2" text="Black-edged circle"/> + <Entry value="3" text="Plain circle"/> + <Entry value="4" text="Triangle"/> + <Entry value="5" text="Square Outline"/> + <Entry value="6" text="Custom"/> + </Domain> + </Property> + <Property name="ShaderReplacements" id="7946.ShaderReplacements" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="ShowTexturesOnBackface" id="7946.ShowTexturesOnBackface" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7946.ShowTexturesOnBackface.bool"/> + </Property> + <Property name="Specular" id="7946.Specular" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="7946.Specular.range"/> + </Property> + <Property name="SpecularColor" id="7946.SpecularColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7946.SpecularColor.range"/> + </Property> + <Property name="SpecularPower" id="7946.SpecularPower" number_of_elements="1"> + <Element index="0" value="100"/> + <Domain name="range" id="7946.SpecularPower.range"/> + </Property> + <Property name="StaticMode" id="7946.StaticMode" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7946.StaticMode.bool"/> + </Property> + <Property name="SuppressLOD" id="7946.SuppressLOD" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7946.SuppressLOD.bool"/> + </Property> + <Property name="Texture" id="7946.Texture"> + <Domain name="groups" id="7946.Texture.groups"/> + </Property> + <Property name="Triangulate" id="7946.Triangulate" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7946.Triangulate.bool"/> + </Property> + <Property name="UseCompositeGlyphTable" id="7946.UseCompositeGlyphTable" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7946.UseCompositeGlyphTable.bool"/> + </Property> + <Property name="UseDataPartitions" id="7946.UseDataPartitions" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7946.UseDataPartitions.bool"/> + </Property> + <Property name="UseFloatingPointFrameBuffer" id="7946.UseFloatingPointFrameBuffer" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7946.UseFloatingPointFrameBuffer.bool"/> + </Property> + <Property name="UseGlyphCullingAndLOD" id="7946.UseGlyphCullingAndLOD" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7946.UseGlyphCullingAndLOD.bool"/> + </Property> + <Property name="UseGlyphTable" id="7946.UseGlyphTable" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7946.UseGlyphTable.bool"/> + </Property> + <Property name="UseMipmapTextures" id="7946.UseMipmapTextures" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7946.UseMipmapTextures.bool"/> + </Property> + <Property name="UseScaleFunction" id="7946.UseScaleFunction" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7946.UseScaleFunction.bool"/> + </Property> + <Property name="UseSeparateColorMap" id="7946.UseSeparateColorMap" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7946.UseSeparateColorMap.bool"/> + </Property> + <Property name="UseSeparateOpacityArray" id="7946.UseSeparateOpacityArray" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7946.UseSeparateOpacityArray.bool"/> + </Property> + <Property name="UseShaderReplacements" id="7946.UseShaderReplacements" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7946.UseShaderReplacements.bool"/> + </Property> + <Property name="UserTransform" id="7946.UserTransform" number_of_elements="16"> + <Element index="0" value="1"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Element index="3" value="0"/> + <Element index="4" value="0"/> + <Element index="5" value="1"/> + <Element index="6" value="0"/> + <Element index="7" value="0"/> + <Element index="8" value="0"/> + <Element index="9" value="0"/> + <Element index="10" value="1"/> + <Element index="11" value="0"/> + <Element index="12" value="0"/> + <Element index="13" value="0"/> + <Element index="14" value="0"/> + <Element index="15" value="1"/> + </Property> + </Proxy> + <Proxy group="representations" type="UnstructuredGridRepresentation" id="8189" servers="21"> + <Property name="DataAxesGrid" id="8189.DataAxesGrid" number_of_elements="1"> + <Proxy value="7979"/> + <Domain name="proxy_list" id="8189.DataAxesGrid.proxy_list"> + <Proxy value="7979"/> + </Domain> + </Property> + <Property name="Input" id="8189.Input" number_of_elements="1"> + <Proxy value="7959" output_port="0"/> + <Domain name="input_array_cell" id="8189.Input.input_array_cell"/> + <Domain name="input_array_point" id="8189.Input.input_array_point"/> + <Domain name="input_type" id="8189.Input.input_type"/> + </Property> + <Property name="PolarAxes" id="8189.PolarAxes" number_of_elements="1"> + <Proxy value="7994"/> + <Domain name="proxy_list" id="8189.PolarAxes.proxy_list"> + <Proxy value="7994"/> + </Domain> + </Property> + <Property name="Representation" id="8189.Representation" number_of_elements="1"> + <Element index="0" value="Surface"/> + <Domain name="list" id="8189.Representation.list"> + <String text="3D Glyphs"/> + <String text="Feature Edges"/> + <String text="Outline"/> + <String text="Point Gaussian"/> + <String text="Points"/> + <String text="Surface"/> + <String text="Surface With Edges"/> + <String text="Volume"/> + <String text="Wireframe"/> + </Domain> + </Property> + <Property name="RepresentationTypesInfo" id="8189.RepresentationTypesInfo" number_of_elements="9"> + <Element index="0" value="3D Glyphs"/> + <Element index="1" value="Feature Edges"/> + <Element index="2" value="Outline"/> + <Element index="3" value="Point Gaussian"/> + <Element index="4" value="Points"/> + <Element index="5" value="Surface"/> + <Element index="6" value="Surface With Edges"/> + <Element index="7" value="Volume"/> + <Element index="8" value="Wireframe"/> + </Property> + <Property name="Selection" id="8189.Selection"> + <Domain name="input_type" id="8189.Selection.input_type"/> + </Property> + <Property name="SelectionCellFieldDataArrayName" id="8189.SelectionCellFieldDataArrayName" number_of_elements="1"> + <Element index="0" value="vtkOriginalCellIds"/> + <Domain name="array_list" id="8189.SelectionCellFieldDataArrayName.array_list"> + <String text="indicatorFunction_P0"/> + </Domain> + </Property> + <Property name="SelectionPointFieldDataArrayName" id="8189.SelectionPointFieldDataArrayName" number_of_elements="1"> + <Element index="0" value="vtkOriginalPointIds"/> + <Domain name="array_list" id="8189.SelectionPointFieldDataArrayName.array_list"> + <String text="indicatorFunction_P1"/> + </Domain> + </Property> + <Property name="SelectionVisibility" id="8189.SelectionVisibility" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="8189.SelectionVisibility.bool"/> + </Property> + <Property name="Visibility" id="8189.Visibility" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="8189.Visibility.bool"/> + </Property> + <Property name="Ambient" id="8189.Ambient" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="8189.Ambient.range"/> + </Property> + <Property name="AmbientColor" id="8189.AmbientColor" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="1"/> + <Domain name="range" id="8189.AmbientColor.range"/> + </Property> + <Property name="Anisotropy" id="8189.Anisotropy" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="8189.Anisotropy.range"/> + </Property> + <Property name="AnisotropyRotation" id="8189.AnisotropyRotation" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="8189.AnisotropyRotation.range"/> + </Property> + <Property name="AnisotropyTexture" id="8189.AnisotropyTexture"> + <Domain name="groups" id="8189.AnisotropyTexture.groups"/> + </Property> + <Property name="BackfaceAmbientColor" id="8189.BackfaceAmbientColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="8189.BackfaceAmbientColor.range"/> + </Property> + <Property name="BackfaceDiffuseColor" id="8189.BackfaceDiffuseColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="8189.BackfaceDiffuseColor.range"/> + </Property> + <Property name="BackfaceOpacity" id="8189.BackfaceOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="8189.BackfaceOpacity.range"/> + </Property> + <Property name="BackfaceRepresentation" id="8189.BackfaceRepresentation" number_of_elements="1"> + <Element index="0" value="400"/> + <Domain name="enum" id="8189.BackfaceRepresentation.enum"> + <Entry value="400" text="Follow Frontface"/> + <Entry value="401" text="Cull Backface"/> + <Entry value="402" text="Cull Frontface"/> + <Entry value="0" text="Points"/> + <Entry value="1" text="Wireframe"/> + <Entry value="2" text="Surface"/> + <Entry value="3" text="Surface With Edges"/> + </Domain> + </Property> + <Property name="BaseColorTexture" id="8189.BaseColorTexture"> + <Domain name="groups" id="8189.BaseColorTexture.groups"/> + </Property> + <Property name="BaseIOR" id="8189.BaseIOR" number_of_elements="1"> + <Element index="0" value="1.5"/> + <Domain name="range" id="8189.BaseIOR.range"/> + </Property> + <Property name="BlockColors" id="8189.BlockColors"> + <Domain name="data_assembly" id="8189.BlockColors.data_assembly"/> + </Property> + <Property name="BlockColorsDistinctValues" id="8189.BlockColorsDistinctValues" number_of_elements="1"> + <Element index="0" value="12"/> + <Domain name="range" id="8189.BlockColorsDistinctValues.range"/> + </Property> + <Property name="BlockOpacities" id="8189.BlockOpacities"> + <Domain name="data_assembly" id="8189.BlockOpacities.data_assembly"/> + </Property> + <Property name="BlockSelectors" id="8189.BlockSelectors" number_of_elements="1"> + <Element index="0" value="/"/> + <Domain name="data_assembly" id="8189.BlockSelectors.data_assembly"/> + </Property> + <Property name="CoatColor" id="8189.CoatColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="8189.CoatColor.range"/> + </Property> + <Property name="CoatIOR" id="8189.CoatIOR" number_of_elements="1"> + <Element index="0" value="2"/> + <Domain name="range" id="8189.CoatIOR.range"/> + </Property> + <Property name="CoatNormalScale" id="8189.CoatNormalScale" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="8189.CoatNormalScale.range"/> + </Property> + <Property name="CoatNormalTexture" id="8189.CoatNormalTexture"> + <Domain name="groups" id="8189.CoatNormalTexture.groups"/> + </Property> + <Property name="CoatRoughness" id="8189.CoatRoughness" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="8189.CoatRoughness.range"/> + </Property> + <Property name="CoatStrength" id="8189.CoatStrength" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="8189.CoatStrength.range"/> + </Property> + <Property name="ColorArrayName" id="8189.ColorArrayName" number_of_elements="5"> + <Element index="0" value=""/> + <Element index="1" value=""/> + <Element index="2" value=""/> + <Element index="3" value="0"/> + <Element index="4" value=""/> + <Domain name="array_list" id="8189.ColorArrayName.array_list"> + <String text="indicatorFunction_P1"/> + <String text="indicatorFunction_P0"/> + </Domain> + </Property> + <Property name="ColorByLODIndex" id="8189.ColorByLODIndex" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8189.ColorByLODIndex.bool"/> + </Property> + <Property name="CoordinateShiftScaleMethod" id="8189.CoordinateShiftScaleMethod" number_of_elements="1"> + <Element index="0" value="2"/> + <Domain name="enum" id="8189.CoordinateShiftScaleMethod.enum"> + <Entry value="0" text="Disable"/> + <Entry value="1" text="Auto Shift Scale"/> + <Entry value="2" text="Always Auto Shift Scale"/> + <Entry value="4" text="Auto Shift Only"/> + <Entry value="5" text="Near Focal Plane Shift Scale"/> + <Entry value="6" text="Focal Point Shift Scale"/> + </Domain> + </Property> + <Property name="CustomShader" id="8189.CustomShader" number_of_elements="1"> + <Element index="0" value=" // This custom shader code define a gaussian blur
 // Please take a look into vtkSMPointGaussianRepresentation.cxx
 // for other custom shader examples
 //VTK::Color::Impl
 float dist2 = dot(offsetVCVSOutput.xy,offsetVCVSOutput.xy);
 float gaussian = exp(-0.5*dist2);
 opacity = opacity*gaussian;
"/> + </Property> + <Property name="CustomTriangleScale" id="8189.CustomTriangleScale" number_of_elements="1"> + <Element index="0" value="3"/> + </Property> + <Property name="Diffuse" id="8189.Diffuse" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="8189.Diffuse.range"/> + </Property> + <Property name="DiffuseColor" id="8189.DiffuseColor" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="1"/> + <Domain name="range" id="8189.DiffuseColor.range"/> + </Property> + <Property name="EdgeColor" id="8189.EdgeColor" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0.5"/> + <Domain name="range" id="8189.EdgeColor.range"/> + </Property> + <Property name="EdgeTint" id="8189.EdgeTint" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="8189.EdgeTint.range"/> + </Property> + <Property name="Emissive" id="8189.Emissive" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8189.Emissive.bool"/> + </Property> + <Property name="EmissiveFactor" id="8189.EmissiveFactor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="8189.EmissiveFactor.range"/> + </Property> + <Property name="EmissiveTexture" id="8189.EmissiveTexture"> + <Domain name="groups" id="8189.EmissiveTexture.groups"/> + </Property> + <Property name="FlipTextures" id="8189.FlipTextures" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8189.FlipTextures.bool"/> + </Property> + <Property name="GaussianRadius" id="8189.GaussianRadius" number_of_elements="1"> + <Element index="0" value="-1e+297"/> + <Domain name="range" id="8189.GaussianRadius.range"/> + </Property> + <Property name="GlyphTableIndexArray" id="8189.GlyphTableIndexArray" number_of_elements="1"> + <Element index="0" value="None"/> + <Domain name="array_list" id="8189.GlyphTableIndexArray.array_list"> + <String text="None"/> + <String text="indicatorFunction_P1"/> + <String text="indicatorFunction_P0"/> + </Domain> + </Property> + <Property name="GlyphType" id="8189.GlyphType" number_of_elements="1"> + <Proxy value="8016" output_port="0"/> + <Domain name="input_type" id="8189.GlyphType.input_type"/> + <Domain name="proxy_list" id="8189.GlyphType.proxy_list"> + <Proxy value="8016"/> + <Proxy value="8027"/> + <Proxy value="8038"/> + <Proxy value="8049"/> + <Proxy value="8060"/> + <Proxy value="8071"/> + <Proxy value="8082"/> + <Proxy value="8093"/> + </Domain> + </Property> + <Property name="InteractiveSelectionColor" id="8189.InteractiveSelectionColor" number_of_elements="3"> + <Element index="0" value="0.5"/> + <Element index="1" value="0"/> + <Element index="2" value="1"/> + <Domain name="range" id="8189.InteractiveSelectionColor.range"/> + </Property> + <Property name="InterpolateScalarsBeforeMapping" id="8189.InterpolateScalarsBeforeMapping" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="8189.InterpolateScalarsBeforeMapping.bool"/> + </Property> + <Property name="InterpolateTextures" id="8189.InterpolateTextures" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8189.InterpolateTextures.bool"/> + </Property> + <Property name="Interpolation" id="8189.Interpolation" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="enum" id="8189.Interpolation.enum"> + <Entry value="0" text="Flat"/> + <Entry value="1" text="Gouraud"/> + <Entry value="3" text="PBR"/> + </Domain> + </Property> + <Property name="LODValues" id="8189.LODValues"> + <Domain name="scalar_range" id="8189.LODValues.scalar_range"/> + </Property> + <Property name="LineWidth" id="8189.LineWidth" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="8189.LineWidth.range"/> + </Property> + <Property name="LookupTable" id="8189.LookupTable"> + <Domain name="groups" id="8189.LookupTable.groups"/> + </Property> + <Property name="Luminosity" id="8189.Luminosity" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="8189.Luminosity.range"/> + </Property> + <Property name="MapScalars" id="8189.MapScalars" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="8189.MapScalars.bool"/> + </Property> + <Property name="Masking" id="8189.Masking" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8189.Masking.bool"/> + </Property> + <Property name="MaterialTexture" id="8189.MaterialTexture"> + <Domain name="groups" id="8189.MaterialTexture.groups"/> + </Property> + <Property name="MeshVisibility" id="8189.MeshVisibility" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8189.MeshVisibility.bool"/> + </Property> + <Property name="Metallic" id="8189.Metallic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="8189.Metallic.range"/> + </Property> + <Property name="MultiComponentsMapping" id="8189.MultiComponentsMapping" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8189.MultiComponentsMapping.bool"/> + </Property> + <Property name="NonlinearSubdivisionLevel" id="8189.NonlinearSubdivisionLevel" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="8189.NonlinearSubdivisionLevel.range"/> + </Property> + <Property name="NormalScale" id="8189.NormalScale" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="8189.NormalScale.range"/> + </Property> + <Property name="NormalTexture" id="8189.NormalTexture"> + <Domain name="groups" id="8189.NormalTexture.groups"/> + </Property> + <Property name="OSPRayMaterial" id="8189.OSPRayMaterial" number_of_elements="1"> + <Element index="0" value="None"/> + <Domain name="string_list" id="8189.OSPRayMaterial.string_list"/> + </Property> + <Property name="OSPRayScaleArray" id="8189.OSPRayScaleArray" number_of_elements="1"> + <Element index="0" value=""/> + <Domain name="array_list" id="8189.OSPRayScaleArray.array_list"> + <String text="indicatorFunction_P1"/> + </Domain> + </Property> + <Property name="OSPRayScaleFunction" id="8189.OSPRayScaleFunction" number_of_elements="1"> + <Proxy value="8161"/> + <Domain name="groups" id="8189.OSPRayScaleFunction.groups"/> + <Domain name="proxy_list" id="8189.OSPRayScaleFunction.proxy_list"> + <Proxy value="8161"/> + </Domain> + </Property> + <Property name="OSPRayUseScaleArray" id="8189.OSPRayUseScaleArray" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="8189.OSPRayUseScaleArray.enum"> + <Entry value="-1" text="All Exact"/> + <Entry value="0" text="All Approximate"/> + <Entry value="1" text="Each Scaled"/> + <Entry value="2" text="Each Exact"/> + </Domain> + </Property> + <Property name="OcclusionStrength" id="8189.OcclusionStrength" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="8189.OcclusionStrength.range"/> + </Property> + <Property name="Opacity" id="8189.Opacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="8189.Opacity.range"/> + </Property> + <Property name="OpacityArray" id="8189.OpacityArray" number_of_elements="5"> + <Element index="0" value=""/> + <Element index="1" value=""/> + <Element index="2" value=""/> + <Element index="3" value=""/> + <Element index="4" value=""/> + <Domain name="array_list" id="8189.OpacityArray.array_list"> + <String text="indicatorFunction_P1"/> + </Domain> + </Property> + <Property name="OpacityArrayComponent" id="8189.OpacityArrayComponent" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="comps" id="8189.OpacityArrayComponent.comps"/> + </Property> + <Property name="OpacityArrayName" id="8189.OpacityArrayName" number_of_elements="5"> + <Element index="0" value=""/> + <Element index="1" value=""/> + <Element index="2" value=""/> + <Element index="3" value=""/> + <Element index="4" value=""/> + <Domain name="array_list" id="8189.OpacityArrayName.array_list"> + <String text="indicatorFunction_P1"/> + <String text="indicatorFunction_P0"/> + </Domain> + </Property> + <Property name="OpacityByArray" id="8189.OpacityByArray" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8189.OpacityByArray.bool"/> + </Property> + <Property name="OpacityComponent" id="8189.OpacityComponent" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="comps" id="8189.OpacityComponent.comps"/> + </Property> + <Property name="OpacityTransferFunction" id="8189.OpacityTransferFunction" number_of_elements="1"> + <Proxy value="8126"/> + <Domain name="proxy_list" id="8189.OpacityTransferFunction.proxy_list"> + <Proxy value="8126"/> + </Domain> + </Property> + <Property name="Orient" id="8189.Orient" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8189.Orient.bool"/> + </Property> + <Property name="Orientation" id="8189.Orientation" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="8189.Orientation.range"/> + </Property> + <Property name="OrientationMode" id="8189.OrientationMode" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="8189.OrientationMode.enum"> + <Entry value="0" text="Direction"/> + <Entry value="1" text="Rotation"/> + <Entry value="2" text="Quaternion"/> + </Domain> + </Property> + <Property name="Origin" id="8189.Origin" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="8189.Origin.range"/> + </Property> + <Property name="Pickable" id="8189.Pickable" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="8189.Pickable.bool"/> + </Property> + <Property name="PointSize" id="8189.PointSize" number_of_elements="1"> + <Element index="0" value="2"/> + <Domain name="range" id="8189.PointSize.range"/> + </Property> + <Property name="Position" id="8189.Position" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Domain name="range" id="8189.Position.range"/> + </Property> + <Property name="RenderLinesAsTubes" id="8189.RenderLinesAsTubes" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8189.RenderLinesAsTubes.bool"/> + </Property> + <Property name="RenderPointsAsSpheres" id="8189.RenderPointsAsSpheres" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8189.RenderPointsAsSpheres.bool"/> + </Property> + <Property name="RepeatTextures" id="8189.RepeatTextures" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="8189.RepeatTextures.bool"/> + </Property> + <Property name="Roughness" id="8189.Roughness" number_of_elements="1"> + <Element index="0" value="0.3"/> + <Domain name="range" id="8189.Roughness.range"/> + </Property> + <Property name="SamplingDimensions" id="8189.SamplingDimensions" number_of_elements="3"> + <Element index="0" value="128"/> + <Element index="1" value="128"/> + <Element index="2" value="128"/> + <Domain name="range" id="8189.SamplingDimensions.range"/> + </Property> + <Property name="ScalarOpacityFunction" id="8189.ScalarOpacityFunction"> + <Domain name="groups" id="8189.ScalarOpacityFunction.groups"/> + </Property> + <Property name="ScalarOpacityUnitDistance" id="8189.ScalarOpacityUnitDistance" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bounds" id="8189.ScalarOpacityUnitDistance.bounds"/> + </Property> + <Property name="Scale" id="8189.Scale" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="8189.Scale.range"/> + </Property> + <Property name="ScaleArrayComponent" id="8189.ScaleArrayComponent" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="comps" id="8189.ScaleArrayComponent.comps"/> + </Property> + <Property name="ScaleByArray" id="8189.ScaleByArray" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8189.ScaleByArray.bool"/> + </Property> + <Property name="ScaleFactor" id="8189.ScaleFactor" number_of_elements="1"> + <Element index="0" value="-2.0000000000000002e+298"/> + <Domain name="bounds" id="8189.ScaleFactor.bounds"/> + <Domain name="scalar_range" id="8189.ScaleFactor.scalar_range"/> + <Domain name="vector_range" id="8189.ScaleFactor.vector_range"/> + </Property> + <Property name="ScaleMode" id="8189.ScaleMode" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="8189.ScaleMode.enum"> + <Entry value="0" text="No Data Scaling Off"/> + <Entry value="1" text="Magnitude"/> + <Entry value="2" text="Vector Components"/> + </Domain> + </Property> + <Property name="ScaleTransferFunction" id="8189.ScaleTransferFunction" number_of_elements="1"> + <Proxy value="8127"/> + <Domain name="proxy_list" id="8189.ScaleTransferFunction.proxy_list"> + <Proxy value="8127"/> + </Domain> + </Property> + <Property name="Scaling" id="8189.Scaling" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8189.Scaling.bool"/> + </Property> + <Property name="SeamlessU" id="8189.SeamlessU" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8189.SeamlessU.bool"/> + </Property> + <Property name="SeamlessV" id="8189.SeamlessV" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8189.SeamlessV.bool"/> + </Property> + <Property name="SelectMapper" id="8189.SelectMapper" number_of_elements="1"> + <Element index="0" value="Projected tetra"/> + <Domain name="list" id="8189.SelectMapper.list"> + <String text="Projected tetra"/> + <String text="Z sweep"/> + <String text="Bunyk ray cast"/> + <String text="Resample To Image"/> + </Domain> + </Property> + <Property name="SelectMaskArray" id="8189.SelectMaskArray" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="SelectNormalArray" id="8189.SelectNormalArray" number_of_elements="1"> + <Element index="0" value="None"/> + <Domain name="array_list" id="8189.SelectNormalArray.array_list"> + <String text="None"/> + </Domain> + </Property> + <Property name="SelectOrientationVectors" id="8189.SelectOrientationVectors" number_of_elements="1"> + <Element index="0" value="None"/> + <Domain name="array_list" id="8189.SelectOrientationVectors.array_list"> + <String text="None"/> + </Domain> + </Property> + <Property name="SelectScaleArray" id="8189.SelectScaleArray" number_of_elements="1"> + <Element index="0" value="None"/> + <Domain name="array_list" id="8189.SelectScaleArray.array_list"> + <String text="None"/> + <String text="indicatorFunction_P1"/> + <String text="indicatorFunction_P0"/> + </Domain> + </Property> + <Property name="SelectTCoordArray" id="8189.SelectTCoordArray" number_of_elements="1"> + <Element index="0" value="None"/> + <Domain name="array_list" id="8189.SelectTCoordArray.array_list"> + <String text="None"/> + </Domain> + </Property> + <Property name="SelectTangentArray" id="8189.SelectTangentArray" number_of_elements="1"> + <Element index="0" value="None"/> + <Domain name="array_list" id="8189.SelectTangentArray.array_list"> + <String text="None"/> + </Domain> + </Property> + <Property name="SelectionCellLabelBold" id="8189.SelectionCellLabelBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8189.SelectionCellLabelBold.bool"/> + </Property> + <Property name="SelectionCellLabelColor" id="8189.SelectionCellLabelColor" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="1"/> + <Element index="2" value="0"/> + <Domain name="range" id="8189.SelectionCellLabelColor.range"/> + </Property> + <Property name="SelectionCellLabelFontFamily" id="8189.SelectionCellLabelFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="8189.SelectionCellLabelFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="SelectionCellLabelFontFile" id="8189.SelectionCellLabelFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="SelectionCellLabelFontSize" id="8189.SelectionCellLabelFontSize" number_of_elements="1"> + <Element index="0" value="18"/> + <Domain name="range" id="8189.SelectionCellLabelFontSize.range"/> + </Property> + <Property name="SelectionCellLabelFormat" id="8189.SelectionCellLabelFormat" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="SelectionCellLabelItalic" id="8189.SelectionCellLabelItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8189.SelectionCellLabelItalic.bool"/> + </Property> + <Property name="SelectionCellLabelJustification" id="8189.SelectionCellLabelJustification" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="8189.SelectionCellLabelJustification.enum"> + <Entry value="0" text="Left"/> + <Entry value="1" text="Center"/> + <Entry value="2" text="Right"/> + </Domain> + </Property> + <Property name="SelectionCellLabelOpacity" id="8189.SelectionCellLabelOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="8189.SelectionCellLabelOpacity.range"/> + </Property> + <Property name="SelectionCellLabelShadow" id="8189.SelectionCellLabelShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8189.SelectionCellLabelShadow.bool"/> + </Property> + <Property name="SelectionCellLabelVisibility" id="8189.SelectionCellLabelVisibility" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8189.SelectionCellLabelVisibility.bool"/> + </Property> + <Property name="SelectionColor" id="8189.SelectionColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="0"/> + <Element index="2" value="1"/> + <Domain name="range" id="8189.SelectionColor.range"/> + </Property> + <Property name="SelectionLineWidth" id="8189.SelectionLineWidth" number_of_elements="1"> + <Element index="0" value="2"/> + <Domain name="range" id="8189.SelectionLineWidth.range"/> + </Property> + <Property name="SelectionMaximumNumberOfLabels" id="8189.SelectionMaximumNumberOfLabels" number_of_elements="1"> + <Element index="0" value="100"/> + <Domain name="range" id="8189.SelectionMaximumNumberOfLabels.range"/> + </Property> + <Property name="SelectionOpacity" id="8189.SelectionOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="8189.SelectionOpacity.range"/> + </Property> + <Property name="SelectionPointLabelBold" id="8189.SelectionPointLabelBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8189.SelectionPointLabelBold.bool"/> + </Property> + <Property name="SelectionPointLabelColor" id="8189.SelectionPointLabelColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="0"/> + <Domain name="range" id="8189.SelectionPointLabelColor.range"/> + </Property> + <Property name="SelectionPointLabelFontFamily" id="8189.SelectionPointLabelFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="8189.SelectionPointLabelFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="SelectionPointLabelFontFile" id="8189.SelectionPointLabelFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="SelectionPointLabelFontSize" id="8189.SelectionPointLabelFontSize" number_of_elements="1"> + <Element index="0" value="18"/> + <Domain name="range" id="8189.SelectionPointLabelFontSize.range"/> + </Property> + <Property name="SelectionPointLabelFormat" id="8189.SelectionPointLabelFormat" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="SelectionPointLabelItalic" id="8189.SelectionPointLabelItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8189.SelectionPointLabelItalic.bool"/> + </Property> + <Property name="SelectionPointLabelJustification" id="8189.SelectionPointLabelJustification" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="8189.SelectionPointLabelJustification.enum"> + <Entry value="0" text="Left"/> + <Entry value="1" text="Center"/> + <Entry value="2" text="Right"/> + </Domain> + </Property> + <Property name="SelectionPointLabelOpacity" id="8189.SelectionPointLabelOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="8189.SelectionPointLabelOpacity.range"/> + </Property> + <Property name="SelectionPointLabelShadow" id="8189.SelectionPointLabelShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8189.SelectionPointLabelShadow.bool"/> + </Property> + <Property name="SelectionPointLabelVisibility" id="8189.SelectionPointLabelVisibility" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8189.SelectionPointLabelVisibility.bool"/> + </Property> + <Property name="SelectionPointSize" id="8189.SelectionPointSize" number_of_elements="1"> + <Element index="0" value="5"/> + <Domain name="range" id="8189.SelectionPointSize.range"/> + </Property> + <Property name="SelectionRepresentation" id="8189.SelectionRepresentation" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="enum" id="8189.SelectionRepresentation.enum"> + <Entry value="0" text="Points"/> + <Entry value="1" text="Wireframe"/> + <Entry value="2" text="Surface"/> + </Domain> + </Property> + <Property name="SelectionUseOutline" id="8189.SelectionUseOutline" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8189.SelectionUseOutline.bool"/> + </Property> + <Property name="SetScaleArray" id="8189.SetScaleArray" number_of_elements="5"> + <Element index="0" value=""/> + <Element index="1" value=""/> + <Element index="2" value=""/> + <Element index="3" value=""/> + <Element index="4" value=""/> + <Domain name="array_list" id="8189.SetScaleArray.array_list"> + <String text="indicatorFunction_P1"/> + </Domain> + </Property> + <Property name="ShaderPreset" id="8189.ShaderPreset" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="enum" id="8189.ShaderPreset.enum"> + <Entry value="0" text="Gaussian Blur"/> + <Entry value="1" text="Sphere"/> + <Entry value="2" text="Black-edged circle"/> + <Entry value="3" text="Plain circle"/> + <Entry value="4" text="Triangle"/> + <Entry value="5" text="Square Outline"/> + <Entry value="6" text="Custom"/> + </Domain> + </Property> + <Property name="ShaderReplacements" id="8189.ShaderReplacements" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="ShowTexturesOnBackface" id="8189.ShowTexturesOnBackface" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="8189.ShowTexturesOnBackface.bool"/> + </Property> + <Property name="Specular" id="8189.Specular" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="8189.Specular.range"/> + </Property> + <Property name="SpecularColor" id="8189.SpecularColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="8189.SpecularColor.range"/> + </Property> + <Property name="SpecularPower" id="8189.SpecularPower" number_of_elements="1"> + <Element index="0" value="100"/> + <Domain name="range" id="8189.SpecularPower.range"/> + </Property> + <Property name="StaticMode" id="8189.StaticMode" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8189.StaticMode.bool"/> + </Property> + <Property name="SuppressLOD" id="8189.SuppressLOD" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8189.SuppressLOD.bool"/> + </Property> + <Property name="Texture" id="8189.Texture"> + <Domain name="groups" id="8189.Texture.groups"/> + </Property> + <Property name="Triangulate" id="8189.Triangulate" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8189.Triangulate.bool"/> + </Property> + <Property name="UseCompositeGlyphTable" id="8189.UseCompositeGlyphTable" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8189.UseCompositeGlyphTable.bool"/> + </Property> + <Property name="UseDataPartitions" id="8189.UseDataPartitions" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8189.UseDataPartitions.bool"/> + </Property> + <Property name="UseFloatingPointFrameBuffer" id="8189.UseFloatingPointFrameBuffer" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="8189.UseFloatingPointFrameBuffer.bool"/> + </Property> + <Property name="UseGlyphCullingAndLOD" id="8189.UseGlyphCullingAndLOD" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8189.UseGlyphCullingAndLOD.bool"/> + </Property> + <Property name="UseGlyphTable" id="8189.UseGlyphTable" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8189.UseGlyphTable.bool"/> + </Property> + <Property name="UseMipmapTextures" id="8189.UseMipmapTextures" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8189.UseMipmapTextures.bool"/> + </Property> + <Property name="UseScaleFunction" id="8189.UseScaleFunction" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="8189.UseScaleFunction.bool"/> + </Property> + <Property name="UseSeparateColorMap" id="8189.UseSeparateColorMap" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8189.UseSeparateColorMap.bool"/> + </Property> + <Property name="UseSeparateOpacityArray" id="8189.UseSeparateOpacityArray" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8189.UseSeparateOpacityArray.bool"/> + </Property> + <Property name="UseShaderReplacements" id="8189.UseShaderReplacements" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8189.UseShaderReplacements.bool"/> + </Property> + <Property name="UserTransform" id="8189.UserTransform" number_of_elements="16"> + <Element index="0" value="1"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + <Element index="3" value="0"/> + <Element index="4" value="0"/> + <Element index="5" value="1"/> + <Element index="6" value="0"/> + <Element index="7" value="0"/> + <Element index="8" value="0"/> + <Element index="9" value="0"/> + <Element index="10" value="1"/> + <Element index="11" value="0"/> + <Element index="12" value="0"/> + <Element index="13" value="0"/> + <Element index="14" value="0"/> + <Element index="15" value="1"/> + </Property> + </Proxy> + <Proxy group="representations" type="ScalarBarWidgetRepresentation" id="7635" servers="21"> + <Property name="Enabled" id="7635.Enabled" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7635.Enabled.bool"/> + </Property> + <Property name="LockPosition" id="7635.LockPosition" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7635.LockPosition.bool"/> + </Property> + <Property name="StickyVisible" id="7635.StickyVisible" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7635.StickyVisible.bool"/> + </Property> + <Property name="UseNonCompositedRenderer" id="7635.UseNonCompositedRenderer" number_of_elements="1"> + <Element index="0" value="1"/> + </Property> + <Property name="AddRangeAnnotations" id="7635.AddRangeAnnotations" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7635.AddRangeAnnotations.bool"/> + </Property> + <Property name="AddRangeLabels" id="7635.AddRangeLabels" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7635.AddRangeLabels.bool"/> + </Property> + <Property name="AutoOrient" id="7635.AutoOrient" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7635.AutoOrient.bool"/> + </Property> + <Property name="AutoOrientInfo" id="7635.AutoOrientInfo" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7635.AutoOrientInfo.bool"/> + </Property> + <Property name="AutomaticAnnotations" id="7635.AutomaticAnnotations" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7635.AutomaticAnnotations.bool"/> + </Property> + <Property name="AutomaticLabelFormat" id="7635.AutomaticLabelFormat" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7635.AutomaticLabelFormat.bool"/> + </Property> + <Property name="ComponentTitle" id="7635.ComponentTitle" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="CustomLabels" id="7635.CustomLabels"/> + <Property name="DrawAnnotations" id="7635.DrawAnnotations" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7635.DrawAnnotations.bool"/> + </Property> + <Property name="DrawNanAnnotation" id="7635.DrawNanAnnotation" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7635.DrawNanAnnotation.bool"/> + </Property> + <Property name="DrawTickLabels" id="7635.DrawTickLabels" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7635.DrawTickLabels.bool"/> + </Property> + <Property name="DrawTickMarks" id="7635.DrawTickMarks" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7635.DrawTickMarks.bool"/> + </Property> + <Property name="EstimatedNumberOfAnnotations" id="7635.EstimatedNumberOfAnnotations" number_of_elements="1"> + <Element index="0" value="0"/> + </Property> + <Property name="HorizontalTitle" id="7635.HorizontalTitle" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7635.HorizontalTitle.bool"/> + </Property> + <Property name="LabelBold" id="7635.LabelBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7635.LabelBold.bool"/> + </Property> + <Property name="LabelColor" id="7635.LabelColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7635.LabelColor.range"/> + </Property> + <Property name="LabelFontFamily" id="7635.LabelFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7635.LabelFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="LabelFontFile" id="7635.LabelFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="LabelFontSize" id="7635.LabelFontSize" number_of_elements="1"> + <Element index="0" value="16"/> + <Domain name="range" id="7635.LabelFontSize.range"/> + </Property> + <Property name="LabelFormat" id="7635.LabelFormat" number_of_elements="1"> + <Element index="0" value="%-#6.3g"/> + </Property> + <Property name="LabelItalic" id="7635.LabelItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7635.LabelItalic.bool"/> + </Property> + <Property name="LabelOpacity" id="7635.LabelOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7635.LabelOpacity.range"/> + </Property> + <Property name="LabelShadow" id="7635.LabelShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7635.LabelShadow.bool"/> + </Property> + <Property name="LookupTable" id="7635.LookupTable" number_of_elements="1"> + <Proxy value="7609"/> + <Domain name="groups" id="7635.LookupTable.groups"/> + </Property> + <Property name="NanAnnotation" id="7635.NanAnnotation" number_of_elements="1"> + <Element index="0" value="NaN"/> + </Property> + <Property name="Orientation" id="7635.Orientation" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="enum" id="7635.Orientation.enum"> + <Entry value="0" text="Horizontal"/> + <Entry value="1" text="Vertical"/> + </Domain> + </Property> + <Property name="OrientationInfo" id="7635.OrientationInfo" number_of_elements="1"> + <Element index="0" value="1"/> + </Property> + <Property name="Position" id="7635.Position" number_of_elements="2"> + <Element index="0" value="0.89"/> + <Element index="1" value="0.02"/> + <Domain name="range" id="7635.Position.range"/> + </Property> + <Property name="PositionInfo" id="7635.PositionInfo" number_of_elements="2"> + <Element index="0" value="0.89"/> + <Element index="1" value="0.02"/> + </Property> + <Property name="RangeLabelFormat" id="7635.RangeLabelFormat" number_of_elements="1"> + <Element index="0" value="%-#6.1e"/> + </Property> + <Property name="Repositionable" id="7635.Repositionable" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7635.Repositionable.bool"/> + </Property> + <Property name="Resizable" id="7635.Resizable" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7635.Resizable.bool"/> + </Property> + <Property name="ReverseLegend" id="7635.ReverseLegend" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7635.ReverseLegend.bool"/> + </Property> + <Property name="ScalarBarLength" id="7635.ScalarBarLength" number_of_elements="1"> + <Element index="0" value="0.33"/> + </Property> + <Property name="ScalarBarThickness" id="7635.ScalarBarThickness" number_of_elements="1"> + <Element index="0" value="16"/> + </Property> + <Property name="Selectable" id="7635.Selectable" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7635.Selectable.bool"/> + </Property> + <Property name="TextPosition" id="7635.TextPosition" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="enum" id="7635.TextPosition.enum"> + <Entry value="1" text="Ticks right/top, annotations left/bottom"/> + <Entry value="0" text="Ticks left/bottom, annotations right/top"/> + </Domain> + </Property> + <Property name="Title" id="7635.Title" number_of_elements="1"> + <Element index="0" value="indicatorFunction_P1"/> + </Property> + <Property name="TitleBold" id="7635.TitleBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7635.TitleBold.bool"/> + </Property> + <Property name="TitleColor" id="7635.TitleColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="7635.TitleColor.range"/> + </Property> + <Property name="TitleFontFamily" id="7635.TitleFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7635.TitleFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="TitleFontFile" id="7635.TitleFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="TitleFontSize" id="7635.TitleFontSize" number_of_elements="1"> + <Element index="0" value="16"/> + <Domain name="range" id="7635.TitleFontSize.range"/> + </Property> + <Property name="TitleItalic" id="7635.TitleItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7635.TitleItalic.bool"/> + </Property> + <Property name="TitleJustification" id="7635.TitleJustification" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="enum" id="7635.TitleJustification.enum"> + <Entry value="0" text="Left"/> + <Entry value="1" text="Centered"/> + <Entry value="2" text="Right"/> + </Domain> + </Property> + <Property name="TitleOpacity" id="7635.TitleOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7635.TitleOpacity.range"/> + </Property> + <Property name="TitleShadow" id="7635.TitleShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7635.TitleShadow.bool"/> + </Property> + <Property name="UseCustomLabels" id="7635.UseCustomLabels" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7635.UseCustomLabels.bool"/> + </Property> + <Property name="Visibility" id="7635.Visibility" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7635.Visibility.bool"/> + </Property> + <Property name="WindowLocation" id="7635.WindowLocation" number_of_elements="1"> + <Element index="0" value="2"/> + <Domain name="enum" id="7635.WindowLocation.enum"> + <Entry value="0" text="Any Location"/> + <Entry value="1" text="Lower Left Corner"/> + <Entry value="2" text="Lower Right Corner"/> + <Entry value="3" text="Lower Center"/> + <Entry value="4" text="Upper Left Corner"/> + <Entry value="5" text="Upper Right Corner"/> + <Entry value="6" text="Upper Center"/> + </Domain> + </Property> + </Proxy> + <Proxy group="representations" type="ScalarBarWidgetRepresentation" id="8208" servers="21"> + <Property name="Enabled" id="8208.Enabled" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="8208.Enabled.bool"/> + </Property> + <Property name="LockPosition" id="8208.LockPosition" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8208.LockPosition.bool"/> + </Property> + <Property name="StickyVisible" id="8208.StickyVisible"> + <Domain name="bool" id="8208.StickyVisible.bool"/> + </Property> + <Property name="UseNonCompositedRenderer" id="8208.UseNonCompositedRenderer" number_of_elements="1"> + <Element index="0" value="1"/> + </Property> + <Property name="AddRangeAnnotations" id="8208.AddRangeAnnotations" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8208.AddRangeAnnotations.bool"/> + </Property> + <Property name="AddRangeLabels" id="8208.AddRangeLabels" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="8208.AddRangeLabels.bool"/> + </Property> + <Property name="AutoOrient" id="8208.AutoOrient" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="8208.AutoOrient.bool"/> + </Property> + <Property name="AutoOrientInfo" id="8208.AutoOrientInfo" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="8208.AutoOrientInfo.bool"/> + </Property> + <Property name="AutomaticAnnotations" id="8208.AutomaticAnnotations" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8208.AutomaticAnnotations.bool"/> + </Property> + <Property name="AutomaticLabelFormat" id="8208.AutomaticLabelFormat" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="8208.AutomaticLabelFormat.bool"/> + </Property> + <Property name="ComponentTitle" id="8208.ComponentTitle" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="CustomLabels" id="8208.CustomLabels"/> + <Property name="DrawAnnotations" id="8208.DrawAnnotations" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="8208.DrawAnnotations.bool"/> + </Property> + <Property name="DrawNanAnnotation" id="8208.DrawNanAnnotation" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8208.DrawNanAnnotation.bool"/> + </Property> + <Property name="DrawTickLabels" id="8208.DrawTickLabels" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="8208.DrawTickLabels.bool"/> + </Property> + <Property name="DrawTickMarks" id="8208.DrawTickMarks" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="8208.DrawTickMarks.bool"/> + </Property> + <Property name="EstimatedNumberOfAnnotations" id="8208.EstimatedNumberOfAnnotations" number_of_elements="1"> + <Element index="0" value="0"/> + </Property> + <Property name="HorizontalTitle" id="8208.HorizontalTitle" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8208.HorizontalTitle.bool"/> + </Property> + <Property name="LabelBold" id="8208.LabelBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8208.LabelBold.bool"/> + </Property> + <Property name="LabelColor" id="8208.LabelColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="8208.LabelColor.range"/> + </Property> + <Property name="LabelFontFamily" id="8208.LabelFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="8208.LabelFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="LabelFontFile" id="8208.LabelFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="LabelFontSize" id="8208.LabelFontSize" number_of_elements="1"> + <Element index="0" value="16"/> + <Domain name="range" id="8208.LabelFontSize.range"/> + </Property> + <Property name="LabelFormat" id="8208.LabelFormat" number_of_elements="1"> + <Element index="0" value="%-#6.3g"/> + </Property> + <Property name="LabelItalic" id="8208.LabelItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8208.LabelItalic.bool"/> + </Property> + <Property name="LabelOpacity" id="8208.LabelOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="8208.LabelOpacity.range"/> + </Property> + <Property name="LabelShadow" id="8208.LabelShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8208.LabelShadow.bool"/> + </Property> + <Property name="LookupTable" id="8208.LookupTable" number_of_elements="1"> + <Proxy value="8201"/> + <Domain name="groups" id="8208.LookupTable.groups"/> + </Property> + <Property name="NanAnnotation" id="8208.NanAnnotation" number_of_elements="1"> + <Element index="0" value="NaN"/> + </Property> + <Property name="Orientation" id="8208.Orientation" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="enum" id="8208.Orientation.enum"> + <Entry value="0" text="Horizontal"/> + <Entry value="1" text="Vertical"/> + </Domain> + </Property> + <Property name="OrientationInfo" id="8208.OrientationInfo" number_of_elements="1"> + <Element index="0" value="1"/> + </Property> + <Property name="Position" id="8208.Position" number_of_elements="2"> + <Element index="0" value="0.89"/> + <Element index="1" value="0.02"/> + <Domain name="range" id="8208.Position.range"/> + </Property> + <Property name="PositionInfo" id="8208.PositionInfo" number_of_elements="2"> + <Element index="0" value="0.89"/> + <Element index="1" value="0.02"/> + </Property> + <Property name="RangeLabelFormat" id="8208.RangeLabelFormat" number_of_elements="1"> + <Element index="0" value="%-#6.1e"/> + </Property> + <Property name="Repositionable" id="8208.Repositionable" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="8208.Repositionable.bool"/> + </Property> + <Property name="Resizable" id="8208.Resizable" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="8208.Resizable.bool"/> + </Property> + <Property name="ReverseLegend" id="8208.ReverseLegend" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8208.ReverseLegend.bool"/> + </Property> + <Property name="ScalarBarLength" id="8208.ScalarBarLength" number_of_elements="1"> + <Element index="0" value="0.33"/> + </Property> + <Property name="ScalarBarThickness" id="8208.ScalarBarThickness" number_of_elements="1"> + <Element index="0" value="16"/> + </Property> + <Property name="Selectable" id="8208.Selectable" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8208.Selectable.bool"/> + </Property> + <Property name="TextPosition" id="8208.TextPosition" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="enum" id="8208.TextPosition.enum"> + <Entry value="1" text="Ticks right/top, annotations left/bottom"/> + <Entry value="0" text="Ticks left/bottom, annotations right/top"/> + </Domain> + </Property> + <Property name="Title" id="8208.Title" number_of_elements="1"> + <Element index="0" value="indicatorFunction_P0"/> + </Property> + <Property name="TitleBold" id="8208.TitleBold" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8208.TitleBold.bool"/> + </Property> + <Property name="TitleColor" id="8208.TitleColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="8208.TitleColor.range"/> + </Property> + <Property name="TitleFontFamily" id="8208.TitleFontFamily" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="8208.TitleFontFamily.enum"> + <Entry value="0" text="Arial"/> + <Entry value="1" text="Courier"/> + <Entry value="2" text="Times"/> + <Entry value="4" text="File"/> + </Domain> + </Property> + <Property name="TitleFontFile" id="8208.TitleFontFile" number_of_elements="1"> + <Element index="0" value=""/> + </Property> + <Property name="TitleFontSize" id="8208.TitleFontSize" number_of_elements="1"> + <Element index="0" value="16"/> + <Domain name="range" id="8208.TitleFontSize.range"/> + </Property> + <Property name="TitleItalic" id="8208.TitleItalic" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8208.TitleItalic.bool"/> + </Property> + <Property name="TitleJustification" id="8208.TitleJustification" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="enum" id="8208.TitleJustification.enum"> + <Entry value="0" text="Left"/> + <Entry value="1" text="Centered"/> + <Entry value="2" text="Right"/> + </Domain> + </Property> + <Property name="TitleOpacity" id="8208.TitleOpacity" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="8208.TitleOpacity.range"/> + </Property> + <Property name="TitleShadow" id="8208.TitleShadow" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8208.TitleShadow.bool"/> + </Property> + <Property name="UseCustomLabels" id="8208.UseCustomLabels" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8208.UseCustomLabels.bool"/> + </Property> + <Property name="Visibility" id="8208.Visibility" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="8208.Visibility.bool"/> + </Property> + <Property name="WindowLocation" id="8208.WindowLocation" number_of_elements="1"> + <Element index="0" value="2"/> + <Domain name="enum" id="8208.WindowLocation.enum"> + <Entry value="0" text="Any Location"/> + <Entry value="1" text="Lower Left Corner"/> + <Entry value="2" text="Lower Right Corner"/> + <Entry value="3" text="Lower Center"/> + <Entry value="4" text="Upper Left Corner"/> + <Entry value="5" text="Upper Right Corner"/> + <Entry value="6" text="Upper Center"/> + </Domain> + </Property> + </Proxy> + <Proxy group="settings" type="ColorPalette" id="265" servers="21"> + <Property name="BackgroundColor" id="265.BackgroundColor" number_of_elements="3"> + <Element index="0" value="0.32"/> + <Element index="1" value="0.34"/> + <Element index="2" value="0.43"/> + <Domain name="range" id="265.BackgroundColor.range"/> + </Property> + <Property name="BackgroundColor2" id="265.BackgroundColor2" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0.16"/> + <Domain name="range" id="265.BackgroundColor2.range"/> + </Property> + <Property name="BackgroundColorMode" id="265.BackgroundColorMode" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="265.BackgroundColorMode.enum"> + <Entry value="0" text="Single Color"/> + <Entry value="1" text="Gradient"/> + </Domain> + </Property> + <Property name="BorderColor" id="265.BorderColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="0"/> + <Element index="2" value="1"/> + <Domain name="range" id="265.BorderColor.range"/> + </Property> + <Property name="EdgeColor" id="265.EdgeColor" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0.5"/> + <Domain name="range" id="265.EdgeColor.range"/> + </Property> + <Property name="ForegroundColor" id="265.ForegroundColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="265.ForegroundColor.range"/> + </Property> + <Property name="InteractiveSelectionColor" id="265.InteractiveSelectionColor" number_of_elements="3"> + <Element index="0" value="0.5"/> + <Element index="1" value="0"/> + <Element index="2" value="1"/> + <Domain name="range" id="265.InteractiveSelectionColor.range"/> + </Property> + <Property name="InteractiveWidgetColor" id="265.InteractiveWidgetColor" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="1"/> + <Element index="2" value="0"/> + <Domain name="range" id="265.InteractiveWidgetColor.range"/> + </Property> + <Property name="LoadPalette" id="265.LoadPalette"/> + <Property name="SelectionColor" id="265.SelectionColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="0"/> + <Element index="2" value="1"/> + <Domain name="range" id="265.SelectionColor.range"/> + </Property> + <Property name="SurfaceColor" id="265.SurfaceColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="265.SurfaceColor.range"/> + </Property> + <Property name="TextAnnotationColor" id="265.TextAnnotationColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="265.TextAnnotationColor.range"/> + </Property> + </Proxy> + <Proxy group="sources" type="XMLUnstructuredGridReader" id="7354" servers="1"> + <Property name="FileName" id="7354.FileName" number_of_elements="1"> + <Element index="0" value="/home/stefan/dune/dune-microstructure/experiment/theoretical/geometry_tmp/MaterialFunctions-level4.vtu"/> + <Domain name="files" id="7354.FileName.files"/> + </Property> + <Property name="FileNameInfo" id="7354.FileNameInfo" number_of_elements="1"> + <Element index="0" value="/home/stefan/dune/dune-microstructure/experiment/theoretical/geometry_tmp/MaterialFunctions-level4.vtu"/> + </Property> + <Property name="TimestepValues" id="7354.TimestepValues"/> + <Property name="CellArrayInfo" id="7354.CellArrayInfo" number_of_elements="2"> + <Element index="0" value="indicatorFunction_P0"/> + <Element index="1" value="1"/> + </Property> + <Property name="CellArrayStatus" id="7354.CellArrayStatus" number_of_elements="2"> + <Element index="0" value="indicatorFunction_P0"/> + <Element index="1" value="1"/> + <Domain name="array_list" id="7354.CellArrayStatus.array_list"> + <String text="indicatorFunction_P0"/> + </Domain> + </Property> + <Property name="PointArrayInfo" id="7354.PointArrayInfo" number_of_elements="2"> + <Element index="0" value="indicatorFunction_P1"/> + <Element index="1" value="1"/> + </Property> + <Property name="PointArrayStatus" id="7354.PointArrayStatus" number_of_elements="2"> + <Element index="0" value="indicatorFunction_P1"/> + <Element index="1" value="1"/> + <Domain name="array_list" id="7354.PointArrayStatus.array_list"> + <String text="indicatorFunction_P1"/> + </Domain> + </Property> + <Property name="TimeArray" id="7354.TimeArray" number_of_elements="1"> + <Element index="0" value="None"/> + <Domain name="array_list" id="7354.TimeArray.array_list"> + <String text="None"/> + </Domain> + </Property> + <Property name="TimeArrayInfo" id="7354.TimeArrayInfo"/> + </Proxy> + <Proxy group="filters" type="Threshold" id="7716" servers="1"> + <Property name="AllScalars" id="7716.AllScalars" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7716.AllScalars.bool"/> + </Property> + <Property name="Input" id="7716.Input" number_of_elements="1"> + <Proxy value="7354" output_port="0"/> + <Domain name="groups" id="7716.Input.groups"/> + <Domain name="input_array" id="7716.Input.input_array"/> + <Domain name="input_type" id="7716.Input.input_type"/> + </Property> + <Property name="Invert" id="7716.Invert" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7716.Invert.bool"/> + </Property> + <Property name="LowerThreshold" id="7716.LowerThreshold" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7716.LowerThreshold.range"/> + </Property> + <Property name="SelectInputScalars" id="7716.SelectInputScalars" number_of_elements="5"> + <Element index="0" value=""/> + <Element index="1" value=""/> + <Element index="2" value=""/> + <Element index="3" value="1"/> + <Element index="4" value="indicatorFunction_P0"/> + <Domain name="array_list" id="7716.SelectInputScalars.array_list"> + <String text="indicatorFunction_P1"/> + <String text="indicatorFunction_P0"/> + </Domain> + </Property> + <Property name="ThresholdMethod" id="7716.ThresholdMethod" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7716.ThresholdMethod.enum"> + <Entry value="0" text="Between"/> + <Entry value="1" text="Below Lower Threshold"/> + <Entry value="2" text="Above Upper Threshold"/> + </Domain> + </Property> + <Property name="UpperThreshold" id="7716.UpperThreshold" number_of_elements="1"> + <Element index="0" value="2.24"/> + <Domain name="range" id="7716.UpperThreshold.range"/> + </Property> + <Property name="UseContinuousCellRange" id="7716.UseContinuousCellRange" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7716.UseContinuousCellRange.bool"/> + </Property> + </Proxy> + <Proxy group="filters" type="Threshold" id="7959" servers="1"> + <Property name="AllScalars" id="7959.AllScalars" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="7959.AllScalars.bool"/> + </Property> + <Property name="Input" id="7959.Input" number_of_elements="1"> + <Proxy value="7354" output_port="0"/> + <Domain name="groups" id="7959.Input.groups"/> + <Domain name="input_array" id="7959.Input.input_array"/> + <Domain name="input_type" id="7959.Input.input_type"/> + </Property> + <Property name="Invert" id="7959.Invert" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7959.Invert.bool"/> + </Property> + <Property name="LowerThreshold" id="7959.LowerThreshold" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="7959.LowerThreshold.range"/> + </Property> + <Property name="SelectInputScalars" id="7959.SelectInputScalars" number_of_elements="5"> + <Element index="0" value=""/> + <Element index="1" value=""/> + <Element index="2" value=""/> + <Element index="3" value="1"/> + <Element index="4" value="indicatorFunction_P0"/> + <Domain name="array_list" id="7959.SelectInputScalars.array_list"> + <String text="indicatorFunction_P1"/> + <String text="indicatorFunction_P0"/> + </Domain> + </Property> + <Property name="ThresholdMethod" id="7959.ThresholdMethod" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="7959.ThresholdMethod.enum"> + <Entry value="0" text="Between"/> + <Entry value="1" text="Below Lower Threshold"/> + <Entry value="2" text="Above Upper Threshold"/> + </Domain> + </Property> + <Property name="UpperThreshold" id="7959.UpperThreshold" number_of_elements="1"> + <Element index="0" value="2.8600000000000003"/> + <Domain name="range" id="7959.UpperThreshold.range"/> + </Property> + <Property name="UseContinuousCellRange" id="7959.UseContinuousCellRange" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="7959.UseContinuousCellRange.bool"/> + </Property> + </Proxy> + <Proxy group="misc" type="TimeKeeper" id="256" servers="16"> + <Property name="SuppressedTimeSources" id="256.SuppressedTimeSources"/> + <Property name="Time" id="256.Time" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="256.Time.range"/> + </Property> + <Property name="TimeLabel" id="256.TimeLabel" number_of_elements="1"> + <Element index="0" value="Time"/> + </Property> + <Property name="TimeRange" id="256.TimeRange" number_of_elements="2"> + <Element index="0" value="0"/> + <Element index="1" value="1"/> + </Property> + <Property name="TimeSources" id="256.TimeSources" number_of_elements="3"> + <Proxy value="7354"/> + <Proxy value="7716"/> + <Proxy value="7959"/> + </Property> + <Property name="TimestepValues" id="256.TimestepValues"/> + <Property name="Views" id="256.Views" number_of_elements="1"> + <Proxy value="4875"/> + </Property> + </Proxy> + <Proxy group="views" type="RenderView" id="4875" servers="21"> + <Property name="AdditionalLights" id="4875.AdditionalLights"/> + <Property name="AlphaBitPlanes" id="4875.AlphaBitPlanes" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="4875.AlphaBitPlanes.bool"/> + </Property> + <Property name="AmbientSamples" id="4875.AmbientSamples" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="4875.AmbientSamples.range"/> + </Property> + <Property name="AnnotationColor" id="4875.AnnotationColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + </Property> + <Property name="AxesGrid" id="4875.AxesGrid" number_of_elements="1"> + <Proxy value="4872"/> + <Domain name="proxy_list" id="4875.AxesGrid.proxy_list"> + <Proxy value="4872"/> + </Domain> + </Property> + <Property name="BackLightAzimuth" id="4875.BackLightAzimuth" number_of_elements="1"> + <Element index="0" value="110"/> + <Domain name="range" id="4875.BackLightAzimuth.range"/> + </Property> + <Property name="BackLightElevation" id="4875.BackLightElevation" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="4875.BackLightElevation.range"/> + </Property> + <Property name="BackLightK:B Ratio" id="4875.BackLightK:B Ratio" number_of_elements="1"> + <Element index="0" value="3.5"/> + <Domain name="range" id="4875.BackLightK:B Ratio.range"/> + </Property> + <Property name="BackLightWarmth" id="4875.BackLightWarmth" number_of_elements="1"> + <Element index="0" value="0.5"/> + <Domain name="range" id="4875.BackLightWarmth.range"/> + </Property> + <Property name="Background" id="4875.Background" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + <Domain name="range" id="4875.Background.range"/> + </Property> + <Property name="Background2" id="4875.Background2" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0.165"/> + <Domain name="range" id="4875.Background2.range"/> + </Property> + <Property name="BackgroundColorMode" id="4875.BackgroundColorMode" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="4875.BackgroundColorMode.enum"> + <Entry value="0" text="Single Color"/> + <Entry value="1" text="Gradient"/> + <Entry value="2" text="Texture"/> + <Entry value="3" text="Skybox"/> + <Entry value="4" text="Stereo Skybox"/> + </Domain> + </Property> + <Property name="BackgroundEast" id="4875.BackgroundEast" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="0"/> + <Element index="2" value="0"/> + </Property> + <Property name="BackgroundMode" id="4875.BackgroundMode" number_of_elements="1"> + <Element index="0" value="2"/> + <Domain name="enum" id="4875.BackgroundMode.enum"> + <Entry value="1" text="Backplate"/> + <Entry value="2" text="Environment"/> + <Entry value="3" text="Both"/> + </Domain> + </Property> + <Property name="BackgroundNorth" id="4875.BackgroundNorth" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="1"/> + <Element index="2" value="0"/> + </Property> + <Property name="BackgroundTexture" id="4875.BackgroundTexture"> + <Domain name="groups" id="4875.BackgroundTexture.groups"/> + </Property> + <Property name="Bias" id="4875.Bias" number_of_elements="1"> + <Element index="0" value="0.01"/> + </Property> + <Property name="Blur" id="4875.Blur" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4875.Blur.bool"/> + </Property> + <Property name="CacheKey" id="4875.CacheKey" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="4875.CacheKey.range"/> + </Property> + <Property name="Camera2DManipulators" id="4875.Camera2DManipulators" number_of_elements="9"> + <Element index="0" value="1"/> + <Element index="1" value="3"/> + <Element index="2" value="2"/> + <Element index="3" value="2"/> + <Element index="4" value="2"/> + <Element index="5" value="6"/> + <Element index="6" value="3"/> + <Element index="7" value="1"/> + <Element index="8" value="4"/> + <Domain name="enum" id="4875.Camera2DManipulators.enum"> + <Entry value="0" text="None"/> + <Entry value="1" text="Pan"/> + <Entry value="2" text="Zoom"/> + <Entry value="3" text="Roll"/> + <Entry value="4" text="Rotate"/> + <Entry value="6" text="ZoomToMouse"/> + </Domain> + </Property> + <Property name="Camera2DMouseWheelMotionFactor" id="4875.Camera2DMouseWheelMotionFactor" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="4875.Camera2DMouseWheelMotionFactor.range"/> + </Property> + <Property name="Camera3DManipulators" id="4875.Camera3DManipulators" number_of_elements="9"> + <Element index="0" value="4"/> + <Element index="1" value="1"/> + <Element index="2" value="2"/> + <Element index="3" value="3"/> + <Element index="4" value="4"/> + <Element index="5" value="1"/> + <Element index="6" value="7"/> + <Element index="7" value="4"/> + <Element index="8" value="6"/> + <Domain name="enum" id="4875.Camera3DManipulators.enum"> + <Entry value="0" text="None"/> + <Entry value="1" text="Pan"/> + <Entry value="2" text="Zoom"/> + <Entry value="3" text="Roll"/> + <Entry value="4" text="Rotate"/> + <Entry value="5" text="Multi-Rotate"/> + <Entry value="6" text="ZoomToMouse"/> + <Entry value="7" text="SkyboxRotate"/> + </Domain> + </Property> + <Property name="Camera3DMouseWheelMotionFactor" id="4875.Camera3DMouseWheelMotionFactor" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="4875.Camera3DMouseWheelMotionFactor.range"/> + </Property> + <Property name="CameraParallelProjection" id="4875.CameraParallelProjection" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4875.CameraParallelProjection.bool"/> + </Property> + <Property name="CaptureZBuffer" id="4875.CaptureZBuffer"/> + <Property name="CenterAxesVisibility" id="4875.CenterAxesVisibility" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4875.CenterAxesVisibility.bool"/> + </Property> + <Property name="CenterOfRotation" id="4875.CenterOfRotation" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="1e-20"/> + <Element index="2" value="0"/> + </Property> + <Property name="CollectGeometryThreshold" id="4875.CollectGeometryThreshold" number_of_elements="1"> + <Element index="0" value="100"/> + </Property> + <Property name="CompressorConfig" id="4875.CompressorConfig" number_of_elements="1"> + <Element index="0" value="vtkLZ4Compressor 0 3"/> + </Property> + <Property name="Contrast" id="4875.Contrast" number_of_elements="1"> + <Element index="0" value="1.6773"/> + </Property> + <Property name="Denoise" id="4875.Denoise" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="4875.Denoise.bool"/> + </Property> + <Property name="DepthPeeling" id="4875.DepthPeeling" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="4875.DepthPeeling.bool"/> + </Property> + <Property name="DepthPeelingForVolumes" id="4875.DepthPeelingForVolumes" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="4875.DepthPeelingForVolumes.bool"/> + </Property> + <Property name="EnableOSPRay" id="4875.EnableOSPRay" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4875.EnableOSPRay.bool"/> + </Property> + <Property name="EnableRenderOnInteraction" id="4875.EnableRenderOnInteraction" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="4875.EnableRenderOnInteraction.bool"/> + </Property> + <Property name="EnvironmentalBG" id="4875.EnvironmentalBG" number_of_elements="3"> + <Element index="0" value="0.329"/> + <Element index="1" value="0.349"/> + <Element index="2" value="0.427"/> + <Domain name="range" id="4875.EnvironmentalBG.range"/> + </Property> + <Property name="EnvironmentalBG2" id="4875.EnvironmentalBG2" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="0"/> + <Element index="2" value="0.165"/> + <Domain name="range" id="4875.EnvironmentalBG2.range"/> + </Property> + <Property name="EnvironmentalBGTexture" id="4875.EnvironmentalBGTexture"> + <Domain name="groups" id="4875.EnvironmentalBGTexture.groups"/> + </Property> + <Property name="Exposure" id="4875.Exposure" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="4875.Exposure.range"/> + </Property> + <Property name="FXAAEndpointSearchIterations" id="4875.FXAAEndpointSearchIterations" number_of_elements="1"> + <Element index="0" value="12"/> + </Property> + <Property name="FXAAHardContrastThreshold" id="4875.FXAAHardContrastThreshold" number_of_elements="1"> + <Element index="0" value="0.045"/> + </Property> + <Property name="FXAARelativeContrastThreshold" id="4875.FXAARelativeContrastThreshold" number_of_elements="1"> + <Element index="0" value="0.125"/> + </Property> + <Property name="FXAASubpixelBlendLimit" id="4875.FXAASubpixelBlendLimit" number_of_elements="1"> + <Element index="0" value="0.75"/> + </Property> + <Property name="FXAASubpixelContrastThreshold" id="4875.FXAASubpixelContrastThreshold" number_of_elements="1"> + <Element index="0" value="0.25"/> + </Property> + <Property name="FXAAUseHighQualityEndpoints" id="4875.FXAAUseHighQualityEndpoints" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="4875.FXAAUseHighQualityEndpoints.bool"/> + </Property> + <Property name="FillLightAzimuth" id="4875.FillLightAzimuth" number_of_elements="1"> + <Element index="0" value="-10"/> + <Domain name="range" id="4875.FillLightAzimuth.range"/> + </Property> + <Property name="FillLightElevation" id="4875.FillLightElevation" number_of_elements="1"> + <Element index="0" value="-75"/> + <Domain name="range" id="4875.FillLightElevation.range"/> + </Property> + <Property name="FillLightK:F Ratio" id="4875.FillLightK:F Ratio" number_of_elements="1"> + <Element index="0" value="3"/> + <Domain name="range" id="4875.FillLightK:F Ratio.range"/> + </Property> + <Property name="FillLightWarmth" id="4875.FillLightWarmth" number_of_elements="1"> + <Element index="0" value="0.4"/> + <Domain name="range" id="4875.FillLightWarmth.range"/> + </Property> + <Property name="GenericFilmicPresets" id="4875.GenericFilmicPresets" number_of_elements="1"> + <Element index="0" value="1"/> + </Property> + <Property name="HdrMax" id="4875.HdrMax" number_of_elements="1"> + <Element index="0" value="11.0785"/> + </Property> + <Property name="HeadLightK:H Ratio" id="4875.HeadLightK:H Ratio" number_of_elements="1"> + <Element index="0" value="3"/> + <Domain name="range" id="4875.HeadLightK:H Ratio.range"/> + </Property> + <Property name="HeadLightWarmth" id="4875.HeadLightWarmth" number_of_elements="1"> + <Element index="0" value="0.5"/> + <Domain name="range" id="4875.HeadLightWarmth.range"/> + </Property> + <Property name="HiddenLineRemoval" id="4875.HiddenLineRemoval" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4875.HiddenLineRemoval.bool"/> + </Property> + <Property name="ImageReductionFactor" id="4875.ImageReductionFactor" number_of_elements="1"> + <Element index="0" value="2"/> + <Domain name="range" id="4875.ImageReductionFactor.range"/> + </Property> + <Property name="InteractionMode" id="4875.InteractionMode" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="4875.InteractionMode.enum"> + <Entry value="0" text="3D"/> + <Entry value="1" text="2D"/> + <Entry value="2" text="Selection"/> + </Domain> + </Property> + <Property name="KernelSize" id="4875.KernelSize" number_of_elements="1"> + <Element index="0" value="32"/> + </Property> + <Property name="KeyLightAzimuth" id="4875.KeyLightAzimuth" number_of_elements="1"> + <Element index="0" value="10"/> + <Domain name="range" id="4875.KeyLightAzimuth.range"/> + </Property> + <Property name="KeyLightElevation" id="4875.KeyLightElevation" number_of_elements="1"> + <Element index="0" value="50"/> + <Domain name="range" id="4875.KeyLightElevation.range"/> + </Property> + <Property name="KeyLightIntensity" id="4875.KeyLightIntensity" number_of_elements="1"> + <Element index="0" value="0.75"/> + <Domain name="range" id="4875.KeyLightIntensity.range"/> + </Property> + <Property name="KeyLightWarmth" id="4875.KeyLightWarmth" number_of_elements="1"> + <Element index="0" value="0.6"/> + <Domain name="range" id="4875.KeyLightWarmth.range"/> + </Property> + <Property name="LODResolution" id="4875.LODResolution" number_of_elements="1"> + <Element index="0" value="0.5"/> + <Domain name="range" id="4875.LODResolution.range"/> + </Property> + <Property name="LODThreshold" id="4875.LODThreshold" number_of_elements="1"> + <Element index="0" value="20"/> + <Domain name="range" id="4875.LODThreshold.range"/> + </Property> + <Property name="LightScale" id="4875.LightScale" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="4875.LightScale.range"/> + </Property> + <Property name="LockBounds" id="4875.LockBounds" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4875.LockBounds.bool"/> + </Property> + <Property name="MaintainLuminance" id="4875.MaintainLuminance" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4875.MaintainLuminance.bool"/> + </Property> + <Property name="MaxClipBounds" id="4875.MaxClipBounds" number_of_elements="6"> + <Element index="0" value="0"/> + <Element index="1" value="-1"/> + <Element index="2" value="0"/> + <Element index="3" value="-1"/> + <Element index="4" value="0"/> + <Element index="5" value="-1"/> + <Domain name="range" id="4875.MaxClipBounds.range"/> + </Property> + <Property name="MaxFrames" id="4875.MaxFrames" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="4875.MaxFrames.range"/> + </Property> + <Property name="MaximumNumberOfPeels" id="4875.MaximumNumberOfPeels" number_of_elements="1"> + <Element index="0" value="4"/> + <Domain name="range" id="4875.MaximumNumberOfPeels.range"/> + </Property> + <Property name="MidIn" id="4875.MidIn" number_of_elements="1"> + <Element index="0" value="0.18"/> + </Property> + <Property name="MidOut" id="4875.MidOut" number_of_elements="1"> + <Element index="0" value="0.18"/> + </Property> + <Property name="MultiSamples" id="4875.MultiSamples" number_of_elements="1"> + <Element index="0" value="0"/> + </Property> + <Property name="NonInteractiveRenderDelay" id="4875.NonInteractiveRenderDelay" number_of_elements="1"> + <Element index="0" value="0"/> + </Property> + <Property name="OSPRayMaterialLibrary" id="4875.OSPRayMaterialLibrary"/> + <Property name="OSPRayRendererType" id="4875.OSPRayRendererType" number_of_elements="1"> + <Element index="0" value="scivis"/> + <Domain name="list" id="4875.OSPRayRendererType.list"/> + </Property> + <Property name="OSPRayTemporalCacheSize" id="4875.OSPRayTemporalCacheSize" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="4875.OSPRayTemporalCacheSize.range"/> + </Property> + <Property name="OrientationAxesInteractivity" id="4875.OrientationAxesInteractivity" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4875.OrientationAxesInteractivity.bool"/> + </Property> + <Property name="OrientationAxesLabelColor" id="4875.OrientationAxesLabelColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + </Property> + <Property name="OrientationAxesOutlineColor" id="4875.OrientationAxesOutlineColor" number_of_elements="3"> + <Element index="0" value="1"/> + <Element index="1" value="1"/> + <Element index="2" value="1"/> + </Property> + <Property name="OrientationAxesVisibility" id="4875.OrientationAxesVisibility" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="4875.OrientationAxesVisibility.bool"/> + </Property> + <Property name="PPI" id="4875.PPI" number_of_elements="1"> + <Element index="0" value="72"/> + </Property> + <Property name="Radius" id="4875.Radius" number_of_elements="1"> + <Element index="0" value="0.5"/> + </Property> + <Property name="RemoteRenderThreshold" id="4875.RemoteRenderThreshold" number_of_elements="1"> + <Element index="0" value="20"/> + <Domain name="range" id="4875.RemoteRenderThreshold.range"/> + </Property> + <Property name="Representations" id="4875.Representations" number_of_elements="5"> + <Proxy value="7597"/> + <Proxy value="7635"/> + <Proxy value="7946"/> + <Proxy value="8189"/> + <Proxy value="8208"/> + </Property> + <Property name="RotationFactor" id="4875.RotationFactor" number_of_elements="1"> + <Element index="0" value="1"/> + </Property> + <Property name="RouletteDepth" id="4875.RouletteDepth" number_of_elements="1"> + <Element index="0" value="5"/> + <Domain name="range" id="4875.RouletteDepth.range"/> + </Property> + <Property name="SamplesPerPixel" id="4875.SamplesPerPixel" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="4875.SamplesPerPixel.range"/> + </Property> + <Property name="ServerStereoType" id="4875.ServerStereoType" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="enum" id="4875.ServerStereoType.enum"> + <Entry value="0" text="Same As Client"/> + <Entry value="1" text="Crystal Eyes"/> + <Entry value="2" text="Red-Blue"/> + <Entry value="3" text="Interlaced"/> + <Entry value="4" text="Left"/> + <Entry value="5" text="Right"/> + <Entry value="6" text="Dresden"/> + <Entry value="7" text="Anaglyph"/> + <Entry value="8" text="Checkerboard"/> + <Entry value="9" text="SplitViewportHorizontal"/> + <Entry value="10" text="None"/> + </Domain> + </Property> + <Property name="Shadows" id="4875.Shadows" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4875.Shadows.bool"/> + </Property> + <Property name="Shoulder" id="4875.Shoulder" number_of_elements="1"> + <Element index="0" value="0.9714"/> + </Property> + <Property name="ShowAnnotation" id="4875.ShowAnnotation" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4875.ShowAnnotation.bool"/> + </Property> + <Property name="StencilCapable" id="4875.StencilCapable" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="4875.StencilCapable.bool"/> + </Property> + <Property name="StereoRender" id="4875.StereoRender" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4875.StereoRender.bool"/> + </Property> + <Property name="StereoType" id="4875.StereoType" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="enum" id="4875.StereoType.enum"> + <Entry value="1" text="Crystal Eyes"/> + <Entry value="2" text="Red-Blue"/> + <Entry value="3" text="Interlaced"/> + <Entry value="4" text="Left"/> + <Entry value="5" text="Right"/> + <Entry value="6" text="Dresden"/> + <Entry value="7" text="Anaglyph"/> + <Entry value="8" text="Checkerboard"/> + <Entry value="9" text="SplitViewportHorizontal"/> + <Entry value="10" text="None"/> + </Domain> + </Property> + <Property name="StillRenderImageReductionFactor" id="4875.StillRenderImageReductionFactor" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="range" id="4875.StillRenderImageReductionFactor.range"/> + </Property> + <Property name="SuppressRendering" id="4875.SuppressRendering" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4875.SuppressRendering.bool"/> + </Property> + <Property name="ToneMappingType" id="4875.ToneMappingType" number_of_elements="1"> + <Element index="0" value="3"/> + </Property> + <Property name="UseACES" id="4875.UseACES" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="4875.UseACES.bool"/> + </Property> + <Property name="UseCache" id="4875.UseCache" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4875.UseCache.bool"/> + </Property> + <Property name="UseColorPaletteForBackground" id="4875.UseColorPaletteForBackground" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4875.UseColorPaletteForBackground.bool"/> + </Property> + <Property name="UseEnvironmentLighting" id="4875.UseEnvironmentLighting" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4875.UseEnvironmentLighting.bool"/> + </Property> + <Property name="UseFXAA" id="4875.UseFXAA" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="4875.UseFXAA.bool"/> + </Property> + <Property name="UseGradientEnvironmentalBG" id="4875.UseGradientEnvironmentalBG" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4875.UseGradientEnvironmentalBG.bool"/> + </Property> + <Property name="UseInteractiveRenderingForScreenshots" id="4875.UseInteractiveRenderingForScreenshots" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4875.UseInteractiveRenderingForScreenshots.bool"/> + </Property> + <Property name="UseLight" id="4875.UseLight" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="4875.UseLight.bool"/> + </Property> + <Property name="UseOutlineForLODRendering" id="4875.UseOutlineForLODRendering" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4875.UseOutlineForLODRendering.bool"/> + </Property> + <Property name="UseSSAO" id="4875.UseSSAO" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4875.UseSSAO.bool"/> + </Property> + <Property name="UseSSAODefaultPresets" id="4875.UseSSAODefaultPresets" number_of_elements="1"> + <Element index="0" value="1"/> + <Domain name="bool" id="4875.UseSSAODefaultPresets.bool"/> + </Property> + <Property name="UseTexturedEnvironmentalBG" id="4875.UseTexturedEnvironmentalBG" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4875.UseTexturedEnvironmentalBG.bool"/> + </Property> + <Property name="UseToneMapping" id="4875.UseToneMapping" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="bool" id="4875.UseToneMapping.bool"/> + </Property> + <Property name="ViewSize" id="4875.ViewSize" number_of_elements="2"> + <Element index="0" value="1075"/> + <Element index="1" value="768"/> + </Property> + <Property name="ViewTime" id="4875.ViewTime" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="4875.ViewTime.range"/> + </Property> + <Property name="VolumeAnisotropy" id="4875.VolumeAnisotropy" number_of_elements="1"> + <Element index="0" value="0"/> + <Domain name="range" id="4875.VolumeAnisotropy.range"/> + </Property> + <Property name="WindowResizeNonInteractiveRenderDelay" id="4875.WindowResizeNonInteractiveRenderDelay" number_of_elements="1"> + <Element index="0" value="0.3"/> + </Property> + <Property name="CameraFocalDisk" id="4875.CameraFocalDisk" number_of_elements="1"> + <Element index="0" value="1"/> + </Property> + <Property name="CameraFocalDiskInfo" id="4875.CameraFocalDiskInfo" number_of_elements="1"> + <Element index="0" value="1"/> + </Property> + <Property name="CameraFocalDistance" id="4875.CameraFocalDistance" number_of_elements="1"> + <Element index="0" value="0"/> + </Property> + <Property name="CameraFocalDistanceInfo" id="4875.CameraFocalDistanceInfo" number_of_elements="1"> + <Element index="0" value="0"/> + </Property> + <Property name="CameraFocalPoint" id="4875.CameraFocalPoint" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="1e-20"/> + <Element index="2" value="0"/> + </Property> + <Property name="CameraFocalPointInfo" id="4875.CameraFocalPointInfo" number_of_elements="3"> + <Element index="0" value="0"/> + <Element index="1" value="1e-20"/> + <Element index="2" value="0"/> + </Property> + <Property name="CameraParallelScale" id="4875.CameraParallelScale" number_of_elements="1"> + <Element index="0" value="0.8660254037844386"/> + </Property> + <Property name="CameraParallelScaleInfo" id="4875.CameraParallelScaleInfo" number_of_elements="1"> + <Element index="0" value="0.8660254037844386"/> + </Property> + <Property name="CameraPosition" id="4875.CameraPosition" number_of_elements="3"> + <Element index="0" value="3.24510770231188"/> + <Element index="1" value="0.9745657538658437"/> + <Element index="2" value="1.479272656337549"/> + </Property> + <Property name="CameraPositionInfo" id="4875.CameraPositionInfo" number_of_elements="3"> + <Element index="0" value="3.24510770231188"/> + <Element index="1" value="0.9745657538658437"/> + <Element index="2" value="1.479272656337549"/> + </Property> + <Property name="CameraViewAngle" id="4875.CameraViewAngle" number_of_elements="1"> + <Element index="0" value="30"/> + </Property> + <Property name="CameraViewAngleInfo" id="4875.CameraViewAngleInfo" number_of_elements="1"> + <Element index="0" value="30"/> + </Property> + <Property name="CameraViewUp" id="4875.CameraViewUp" number_of_elements="3"> + <Element index="0" value="-0.37553499608065294"/> + <Element index="1" value="-0.14014937325175048"/> + <Element index="2" value="0.9161504351883731"/> + </Property> + <Property name="CameraViewUpInfo" id="4875.CameraViewUpInfo" number_of_elements="3"> + <Element index="0" value="-0.37553499608065294"/> + <Element index="1" value="-0.14014937325175048"/> + <Element index="2" value="0.9161504351883731"/> + </Property> + <Property name="EyeAngle" id="4875.EyeAngle" number_of_elements="1"> + <Element index="0" value="2"/> + <Domain name="range" id="4875.EyeAngle.range"/> + </Property> + </Proxy> + <ProxyCollection name="animation"> + <Item id="261" name="AnimationScene1"/> + <Item id="263" name="TimeAnimationCue1"/> + </ProxyCollection> + <ProxyCollection name="layouts"> + <Item id="4876" name="Layout #1"/> + </ProxyCollection> + <ProxyCollection name="lookup_tables"> + <Item id="8201" name="indicatorFunction_P0.PVLookupTable" logname="lut-for-indicatorFunction_P0"/> + <Item id="7609" name="indicatorFunction_P1.PVLookupTable" logname="lut-for-indicatorFunction_P1"/> + </ProxyCollection> + <ProxyCollection name="piecewise_functions"> + <Item id="8200" name="indicatorFunction_P0.PiecewiseFunction"/> + <Item id="7608" name="indicatorFunction_P1.PiecewiseFunction"/> + </ProxyCollection> + <ProxyCollection name="pq_helper_proxies.4875"> + <Item id="4872" name="AxesGrid" logname="RenderView1/AxesGrid/GridAxes3DActor"/> + </ProxyCollection> + <ProxyCollection name="pq_helper_proxies.7354"> + <Item id="7366" name="RepresentationAnimationHelper"/> + </ProxyCollection> + <ProxyCollection name="pq_helper_proxies.7597"> + <Item id="7387" name="DataAxesGrid" logname="MaterialFunctions-level4.vtu(UnstructuredGridRepresentation)/DataAxesGrid/GridAxesRepresentation"/> + <Item id="7424" name="GlyphType" logname="MaterialFunctions-level4.vtu(UnstructuredGridRepresentation)/Glyph3DRepresentation/GlyphType/ArrowSource"/> + <Item id="7435" name="GlyphType" logname="MaterialFunctions-level4.vtu(UnstructuredGridRepresentation)/Glyph3DRepresentation/GlyphType/ConeSource"/> + <Item id="7446" name="GlyphType" logname="MaterialFunctions-level4.vtu(UnstructuredGridRepresentation)/Glyph3DRepresentation/GlyphType/CubeSource"/> + <Item id="7457" name="GlyphType" logname="MaterialFunctions-level4.vtu(UnstructuredGridRepresentation)/Glyph3DRepresentation/GlyphType/CylinderSource"/> + <Item id="7468" name="GlyphType" logname="MaterialFunctions-level4.vtu(UnstructuredGridRepresentation)/Glyph3DRepresentation/GlyphType/LineSource"/> + <Item id="7479" name="GlyphType" logname="MaterialFunctions-level4.vtu(UnstructuredGridRepresentation)/Glyph3DRepresentation/GlyphType/SphereSource"/> + <Item id="7490" name="GlyphType" logname="MaterialFunctions-level4.vtu(UnstructuredGridRepresentation)/Glyph3DRepresentation/GlyphType/GlyphSource2D"/> + <Item id="7501" name="GlyphType" logname="MaterialFunctions-level4.vtu(UnstructuredGridRepresentation)/Glyph3DRepresentation/GlyphType/PipelineConnection"/> + <Item id="7569" name="OSPRayScaleFunction" logname="MaterialFunctions-level4.vtu(UnstructuredGridRepresentation)/SurfaceRepresentation/OSPRayScaleFunction/PiecewiseFunction"/> + <Item id="7534" name="OpacityTransferFunction" logname="MaterialFunctions-level4.vtu(UnstructuredGridRepresentation)/PointGaussianRepresentation/OpacityTransferFunction/PiecewiseFunction"/> + <Item id="7402" name="PolarAxes" logname="MaterialFunctions-level4.vtu(UnstructuredGridRepresentation)/PolarAxes/PolarAxesRepresentation"/> + <Item id="7535" name="ScaleTransferFunction" logname="MaterialFunctions-level4.vtu(UnstructuredGridRepresentation)/PointGaussianRepresentation/ScaleTransferFunction/PiecewiseFunction"/> + </ProxyCollection> + <ProxyCollection name="pq_helper_proxies.7716"> + <Item id="7727" name="RepresentationAnimationHelper"/> + </ProxyCollection> + <ProxyCollection name="pq_helper_proxies.7946"> + <Item id="7736" name="DataAxesGrid" logname="Threshold1(UnstructuredGridRepresentation)/DataAxesGrid/GridAxesRepresentation"/> + <Item id="7773" name="GlyphType" logname="Threshold1(UnstructuredGridRepresentation)/Glyph3DRepresentation/GlyphType/ArrowSource"/> + <Item id="7784" name="GlyphType" logname="Threshold1(UnstructuredGridRepresentation)/Glyph3DRepresentation/GlyphType/ConeSource"/> + <Item id="7795" name="GlyphType" logname="Threshold1(UnstructuredGridRepresentation)/Glyph3DRepresentation/GlyphType/CubeSource"/> + <Item id="7806" name="GlyphType" logname="Threshold1(UnstructuredGridRepresentation)/Glyph3DRepresentation/GlyphType/CylinderSource"/> + <Item id="7817" name="GlyphType" logname="Threshold1(UnstructuredGridRepresentation)/Glyph3DRepresentation/GlyphType/LineSource"/> + <Item id="7828" name="GlyphType" logname="Threshold1(UnstructuredGridRepresentation)/Glyph3DRepresentation/GlyphType/SphereSource"/> + <Item id="7839" name="GlyphType" logname="Threshold1(UnstructuredGridRepresentation)/Glyph3DRepresentation/GlyphType/GlyphSource2D"/> + <Item id="7850" name="GlyphType" logname="Threshold1(UnstructuredGridRepresentation)/Glyph3DRepresentation/GlyphType/PipelineConnection"/> + <Item id="7918" name="OSPRayScaleFunction" logname="Threshold1(UnstructuredGridRepresentation)/SurfaceRepresentation/OSPRayScaleFunction/PiecewiseFunction"/> + <Item id="7883" name="OpacityTransferFunction" logname="Threshold1(UnstructuredGridRepresentation)/PointGaussianRepresentation/OpacityTransferFunction/PiecewiseFunction"/> + <Item id="7751" name="PolarAxes" logname="Threshold1(UnstructuredGridRepresentation)/PolarAxes/PolarAxesRepresentation"/> + <Item id="7884" name="ScaleTransferFunction" logname="Threshold1(UnstructuredGridRepresentation)/PointGaussianRepresentation/ScaleTransferFunction/PiecewiseFunction"/> + </ProxyCollection> + <ProxyCollection name="pq_helper_proxies.7959"> + <Item id="7970" name="RepresentationAnimationHelper"/> + </ProxyCollection> + <ProxyCollection name="pq_helper_proxies.8189"> + <Item id="7979" name="DataAxesGrid" logname="Threshold2(UnstructuredGridRepresentation)/DataAxesGrid/GridAxesRepresentation"/> + <Item id="8016" name="GlyphType" logname="Threshold2(UnstructuredGridRepresentation)/Glyph3DRepresentation/GlyphType/ArrowSource"/> + <Item id="8027" name="GlyphType" logname="Threshold2(UnstructuredGridRepresentation)/Glyph3DRepresentation/GlyphType/ConeSource"/> + <Item id="8038" name="GlyphType" logname="Threshold2(UnstructuredGridRepresentation)/Glyph3DRepresentation/GlyphType/CubeSource"/> + <Item id="8049" name="GlyphType" logname="Threshold2(UnstructuredGridRepresentation)/Glyph3DRepresentation/GlyphType/CylinderSource"/> + <Item id="8060" name="GlyphType" logname="Threshold2(UnstructuredGridRepresentation)/Glyph3DRepresentation/GlyphType/LineSource"/> + <Item id="8071" name="GlyphType" logname="Threshold2(UnstructuredGridRepresentation)/Glyph3DRepresentation/GlyphType/SphereSource"/> + <Item id="8082" name="GlyphType" logname="Threshold2(UnstructuredGridRepresentation)/Glyph3DRepresentation/GlyphType/GlyphSource2D"/> + <Item id="8093" name="GlyphType" logname="Threshold2(UnstructuredGridRepresentation)/Glyph3DRepresentation/GlyphType/PipelineConnection"/> + <Item id="8161" name="OSPRayScaleFunction" logname="Threshold2(UnstructuredGridRepresentation)/SurfaceRepresentation/OSPRayScaleFunction/PiecewiseFunction"/> + <Item id="8126" name="OpacityTransferFunction" logname="Threshold2(UnstructuredGridRepresentation)/PointGaussianRepresentation/OpacityTransferFunction/PiecewiseFunction"/> + <Item id="7994" name="PolarAxes" logname="Threshold2(UnstructuredGridRepresentation)/PolarAxes/PolarAxesRepresentation"/> + <Item id="8127" name="ScaleTransferFunction" logname="Threshold2(UnstructuredGridRepresentation)/PointGaussianRepresentation/ScaleTransferFunction/PiecewiseFunction"/> + </ProxyCollection> + <ProxyCollection name="representations"> + <Item id="7597" name="UnstructuredGridRepresentation1" logname="MaterialFunctions-level4.vtu(UnstructuredGridRepresentation)"/> + <Item id="7946" name="UnstructuredGridRepresentation2" logname="Threshold1(UnstructuredGridRepresentation)"/> + <Item id="8189" name="UnstructuredGridRepresentation3" logname="Threshold2(UnstructuredGridRepresentation)"/> + </ProxyCollection> + <ProxyCollection name="scalar_bars"> + <Item id="7635" name="ScalarBarWidgetRepresentation1"/> + <Item id="8208" name="ScalarBarWidgetRepresentation2"/> + </ProxyCollection> + <ProxyCollection name="settings"> + <Item id="265" name="ColorPalette"/> + </ProxyCollection> + <ProxyCollection name="sources"> + <Item id="7354" name="MaterialFunctions-level4.vtu" logname="MaterialFunctions-level4.vtu"/> + <Item id="7716" name="Threshold1" logname="Threshold1"/> + <Item id="7959" name="Threshold2" logname="Threshold2"/> + </ProxyCollection> + <ProxyCollection name="timekeeper"> + <Item id="256" name="TimeKeeper1"/> + </ProxyCollection> + <ProxyCollection name="views"> + <Item id="4875" name="RenderView1" logname="RenderView1"/> + </ProxyCollection> + <CustomProxyDefinitions/> + <Links/> + <Settings> + <SettingsProxy group="settings" type="ColorPalette"> + <Links> + <Property source_property="ForegroundColor" target_id="4872" target_property="GridColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="4872" target_property="XLabelColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="4872" target_property="XTitleColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="4872" target_property="YLabelColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="4872" target_property="YTitleColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="4872" target_property="ZLabelColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="4872" target_property="ZTitleColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="4875" target_property="AnnotationColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="4875" target_property="OrientationAxesLabelColor" unlink_if_modified="1"/> + <Property source_property="ForegroundColor" target_id="4875" target_property="OrientationAxesOutlineColor" unlink_if_modified="1"/> + <Property source_property="ForegroundColor" target_id="7387" target_property="GridColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="7387" target_property="XLabelColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="7387" target_property="XTitleColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="7387" target_property="YLabelColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="7387" target_property="YTitleColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="7387" target_property="ZLabelColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="7387" target_property="ZTitleColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="7402" target_property="LastRadialAxisTextColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="7402" target_property="PolarAxisLabelColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="7402" target_property="PolarAxisTitleColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="7402" target_property="SecondaryRadialAxesTextColor" unlink_if_modified="1"/> + <Property source_property="SurfaceColor" target_id="7597" target_property="BackfaceDiffuseColor" unlink_if_modified="1"/> + <Property source_property="EdgeColor" target_id="7597" target_property="EdgeColor" unlink_if_modified="1"/> + <Property source_property="InteractiveSelectionColor" target_id="7597" target_property="InteractiveSelectionColor" unlink_if_modified="1"/> + <Property source_property="SelectionColor" target_id="7597" target_property="SelectionColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="7635" target_property="LabelColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="7635" target_property="TitleColor" unlink_if_modified="1"/> + <Property source_property="ForegroundColor" target_id="7736" target_property="GridColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="7736" target_property="XLabelColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="7736" target_property="XTitleColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="7736" target_property="YLabelColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="7736" target_property="YTitleColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="7736" target_property="ZLabelColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="7736" target_property="ZTitleColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="7751" target_property="LastRadialAxisTextColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="7751" target_property="PolarAxisLabelColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="7751" target_property="PolarAxisTitleColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="7751" target_property="SecondaryRadialAxesTextColor" unlink_if_modified="1"/> + <Property source_property="SurfaceColor" target_id="7946" target_property="BackfaceDiffuseColor" unlink_if_modified="1"/> + <Property source_property="EdgeColor" target_id="7946" target_property="EdgeColor" unlink_if_modified="1"/> + <Property source_property="InteractiveSelectionColor" target_id="7946" target_property="InteractiveSelectionColor" unlink_if_modified="1"/> + <Property source_property="SelectionColor" target_id="7946" target_property="SelectionColor" unlink_if_modified="1"/> + <Property source_property="ForegroundColor" target_id="7979" target_property="GridColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="7979" target_property="XLabelColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="7979" target_property="XTitleColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="7979" target_property="YLabelColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="7979" target_property="YTitleColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="7979" target_property="ZLabelColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="7979" target_property="ZTitleColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="7994" target_property="LastRadialAxisTextColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="7994" target_property="PolarAxisLabelColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="7994" target_property="PolarAxisTitleColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="7994" target_property="SecondaryRadialAxesTextColor" unlink_if_modified="1"/> + <Property source_property="SurfaceColor" target_id="8189" target_property="BackfaceDiffuseColor" unlink_if_modified="1"/> + <Property source_property="EdgeColor" target_id="8189" target_property="EdgeColor" unlink_if_modified="1"/> + <Property source_property="InteractiveSelectionColor" target_id="8189" target_property="InteractiveSelectionColor" unlink_if_modified="1"/> + <Property source_property="SelectionColor" target_id="8189" target_property="SelectionColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="8208" target_property="LabelColor" unlink_if_modified="1"/> + <Property source_property="TextAnnotationColor" target_id="8208" target_property="TitleColor" unlink_if_modified="1"/> + </Links> + </SettingsProxy> + <SettingsProxy group="settings" type="GeneralSettings"> + <Links> + <Property source_property="ScreenPixelsPerInch" target_id="4875" target_property="PPI" unlink_if_modified="0"/> + <Property source_property="BlockColorsDistinctValues" target_id="7597" target_property="BlockColorsDistinctValues" unlink_if_modified="0"/> + <Property source_property="MaximumNumberOfDataRepresentationLabels" target_id="7597" target_property="SelectionMaximumNumberOfLabels" unlink_if_modified="0"/> + <Property source_property="BlockColorsDistinctValues" target_id="7946" target_property="BlockColorsDistinctValues" unlink_if_modified="0"/> + <Property source_property="MaximumNumberOfDataRepresentationLabels" target_id="7946" target_property="SelectionMaximumNumberOfLabels" unlink_if_modified="0"/> + <Property source_property="BlockColorsDistinctValues" target_id="8189" target_property="BlockColorsDistinctValues" unlink_if_modified="0"/> + <Property source_property="MaximumNumberOfDataRepresentationLabels" target_id="8189" target_property="SelectionMaximumNumberOfLabels" unlink_if_modified="0"/> + </Links> + </SettingsProxy> + <SettingsProxy group="settings" type="RenderViewInteractionSettings"> + <Links> + <Property source_property="Camera2DManipulators" target_id="4875" target_property="Camera2DManipulators" unlink_if_modified="0"/> + <Property source_property="Camera2DMouseWheelMotionFactor" target_id="4875" target_property="Camera2DMouseWheelMotionFactor" unlink_if_modified="0"/> + <Property source_property="Camera3DManipulators" target_id="4875" target_property="Camera3DManipulators" unlink_if_modified="0"/> + <Property source_property="Camera3DMouseWheelMotionFactor" target_id="4875" target_property="Camera3DMouseWheelMotionFactor" unlink_if_modified="0"/> + </Links> + </SettingsProxy> + <SettingsProxy group="settings" type="RenderViewSettings"> + <Links> + <Property source_property="Bias" target_id="4875" target_property="Bias" unlink_if_modified="0"/> + <Property source_property="Blur" target_id="4875" target_property="Blur" unlink_if_modified="0"/> + <Property source_property="CompressorConfig" target_id="4875" target_property="CompressorConfig" unlink_if_modified="0"/> + <Property source_property="Contrast" target_id="4875" target_property="Contrast" unlink_if_modified="0"/> + <Property source_property="DepthPeeling" target_id="4875" target_property="DepthPeeling" unlink_if_modified="0"/> + <Property source_property="DepthPeelingForVolumes" target_id="4875" target_property="DepthPeelingForVolumes" unlink_if_modified="0"/> + <Property source_property="FXAAEndpointSearchIterations" target_id="4875" target_property="FXAAEndpointSearchIterations" unlink_if_modified="0"/> + <Property source_property="FXAAHardContrastThreshold" target_id="4875" target_property="FXAAHardContrastThreshold" unlink_if_modified="0"/> + <Property source_property="FXAARelativeContrastThreshold" target_id="4875" target_property="FXAARelativeContrastThreshold" unlink_if_modified="0"/> + <Property source_property="FXAASubpixelBlendLimit" target_id="4875" target_property="FXAASubpixelBlendLimit" unlink_if_modified="0"/> + <Property source_property="FXAASubpixelContrastThreshold" target_id="4875" target_property="FXAASubpixelContrastThreshold" unlink_if_modified="0"/> + <Property source_property="FXAAUseHighQualityEndpoints" target_id="4875" target_property="FXAAUseHighQualityEndpoints" unlink_if_modified="0"/> + <Property source_property="GenericFilmicPresets" target_id="4875" target_property="GenericFilmicPresets" unlink_if_modified="0"/> + <Property source_property="HdrMax" target_id="4875" target_property="HdrMax" unlink_if_modified="0"/> + <Property source_property="ImageReductionFactor" target_id="4875" target_property="ImageReductionFactor" unlink_if_modified="0"/> + <Property source_property="KernelSize" target_id="4875" target_property="KernelSize" unlink_if_modified="0"/> + <Property source_property="LODResolution" target_id="4875" target_property="LODResolution" unlink_if_modified="0"/> + <Property source_property="LODThreshold" target_id="4875" target_property="LODThreshold" unlink_if_modified="0"/> + <Property source_property="MaximumNumberOfPeels" target_id="4875" target_property="MaximumNumberOfPeels" unlink_if_modified="0"/> + <Property source_property="MidIn" target_id="4875" target_property="MidIn" unlink_if_modified="0"/> + <Property source_property="MidOut" target_id="4875" target_property="MidOut" unlink_if_modified="0"/> + <Property source_property="NonInteractiveRenderDelay" target_id="4875" target_property="NonInteractiveRenderDelay" unlink_if_modified="0"/> + <Property source_property="Radius" target_id="4875" target_property="Radius" unlink_if_modified="0"/> + <Property source_property="RemoteRenderThreshold" target_id="4875" target_property="RemoteRenderThreshold" unlink_if_modified="0"/> + <Property source_property="Shoulder" target_id="4875" target_property="Shoulder" unlink_if_modified="0"/> + <Property source_property="ShowAnnotation" target_id="4875" target_property="ShowAnnotation" unlink_if_modified="0"/> + <Property source_property="StillRenderImageReductionFactor" target_id="4875" target_property="StillRenderImageReductionFactor" unlink_if_modified="0"/> + <Property source_property="ToneMappingType" target_id="4875" target_property="ToneMappingType" unlink_if_modified="0"/> + <Property source_property="UseACES" target_id="4875" target_property="UseACES" unlink_if_modified="0"/> + <Property source_property="UseFXAA" target_id="4875" target_property="UseFXAA" unlink_if_modified="0"/> + <Property source_property="UseOutlineForLODRendering" target_id="4875" target_property="UseOutlineForLODRendering" unlink_if_modified="0"/> + <Property source_property="UseSSAODefaultPresets" target_id="4875" target_property="UseSSAODefaultPresets" unlink_if_modified="0"/> + <Property source_property="WindowResizeNonInteractiveRenderDelay" target_id="4875" target_property="WindowResizeNonInteractiveRenderDelay" unlink_if_modified="0"/> + </Links> + </SettingsProxy> + <SettingsProxy group="settings" type="RepresentedArrayListSettings"> + <Links/> + </SettingsProxy> + </Settings> + </ServerManagerState> + <InteractiveViewLinks/> +</ParaView> diff --git a/experiment/theoretical/results_test1/0/BMatrix.txt b/experiment/theoretical/results_test1/0/BMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..06d9774e1ded0192ff550689fc75298e7ea3ba58 --- /dev/null +++ b/experiment/theoretical/results_test1/0/BMatrix.txt @@ -0,0 +1,3 @@ +1 1 -0.0149357135524713965 +1 2 0.014935713552471204 +1 3 -2.45932942358926227e-16 diff --git a/experiment/theoretical/results_test1/0/QMatrix.txt b/experiment/theoretical/results_test1/0/QMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..d2e3a37039a93625c4953c55cb594c1448e7bcea --- /dev/null +++ b/experiment/theoretical/results_test1/0/QMatrix.txt @@ -0,0 +1,9 @@ +1 1 0.197092102989849582 +1 2 0.0281494038373869271 +1 3 -4.19940209947565439e-21 +2 1 0.0281494038373870104 +2 2 0.197092102989848916 +2 3 -4.87622971100009814e-22 +3 1 1.34199624156192329e-19 +3 2 2.53978103964952747e-19 +3 3 0.168808432887568888 diff --git a/experiment/theoretical/results_test1/0/output.txt b/experiment/theoretical/results_test1/0/output.txt new file mode 100644 index 0000000000000000000000000000000000000000..75d8712ee5e7346169197cc78b96107dbc1347ad --- /dev/null +++ b/experiment/theoretical/results_test1/0/output.txt @@ -0,0 +1,49 @@ +Number of Grid-Elements in each direction: [16,16,16] +Solver-type used: GMRES-Solver +---------- OUTPUT ---------- + -------------------- +Corrector-Matrix M_1: +0.000173206 -5.50622e-20 0 +-5.50622e-20 -2.47477e-05 0 +0 0 0 + + -------------------- +Corrector-Matrix M_2: +2.47477e-05 -2.20735e-19 0 +-2.20735e-19 -0.000173206 0 +0 0 0 + + -------------------- +Corrector-Matrix M_3: +-1.66855e-18 -3.1701e-17 0 +-3.1701e-17 -1.6948e-18 0 +0 0 0 + + -------------------- +--- Effective moduli --- +Qeff_: +0.197092 0.0281494 -4.1994e-21 +0.0281494 0.197092 -4.87623e-22 +1.342e-19 2.53978e-19 0.168808 + +------------------------ +--- Prestrain Output --- +Bhat_: -0.00252328 0.00252328 -4.15138e-17 +Beff_: -0.0149357 0.0149357 -2.45933e-16 (Effective Prestrain) +------------------------ +size of FiniteElementBasis: 13056 +q1=0.197092 +q2=0.197092 +q3=0.168808 +q12=0.0281494 +q23=-4.87623e-22 +q_onetwo=0.028149 +b1=-0.014936 +b2=0.014936 +b3=-0.000000 +mu_gamma=0.168808 +--------------------------------------------------------------------------------------------------------------------------------------- + Levels | q1 | q2 | q3 | q12 | q23 | b1 | b2 | b3 | +--------------------------------------------------------------------------------------------------------------------------------------- + 4 & 1.97092e-01 & 1.97092e-01 & 1.68808e-01 & 2.81494e-02 & -4.87623e-22 & -1.49357e-02 & 1.49357e-02 & -2.45933e-16 & +--------------------------------------------------------------------------------------------------------------------------------------- diff --git a/experiment/theoretical/results_test1/1/BMatrix.txt b/experiment/theoretical/results_test1/1/BMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..8c669c0b3c6c5341351d1c2ccbec65b7d524506f --- /dev/null +++ b/experiment/theoretical/results_test1/1/BMatrix.txt @@ -0,0 +1,3 @@ +1 1 -0.0461779873860947154 +1 2 0.0461779873859614887 +1 3 3.30146713816807654e-15 diff --git a/experiment/theoretical/results_test1/1/QMatrix.txt b/experiment/theoretical/results_test1/1/QMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..2f54983d96f25d566e7375e0ff246b43245bed47 --- /dev/null +++ b/experiment/theoretical/results_test1/1/QMatrix.txt @@ -0,0 +1,9 @@ +1 1 0.202447255681337701 +1 2 0.0288679397481703993 +1 3 -1.24147402235021159e-20 +2 1 0.0288679397481689699 +2 2 0.202447255681337368 +2 3 -2.13826188344957654e-20 +3 1 2.50607340900847628e-17 +3 2 2.46073998233266074e-17 +3 3 0.173185026203113296 diff --git a/experiment/theoretical/results_test1/1/output.txt b/experiment/theoretical/results_test1/1/output.txt new file mode 100644 index 0000000000000000000000000000000000000000..753a7f366810d9a5982fec0844c0b5fbaa1eb7ee --- /dev/null +++ b/experiment/theoretical/results_test1/1/output.txt @@ -0,0 +1,49 @@ +Number of Grid-Elements in each direction: [16,16,16] +Solver-type used: GMRES-Solver +---------- OUTPUT ---------- + -------------------- +Corrector-Matrix M_1: +0.000548878 3.59482e-19 0 +3.59482e-19 -7.83261e-05 0 +0 0 0 + + -------------------- +Corrector-Matrix M_2: +7.83261e-05 -3.41464e-20 0 +-3.41464e-20 -0.000548878 0 +0 0 0 + + -------------------- +Corrector-Matrix M_3: +1.68876e-17 -1.92217e-16 0 +-1.92217e-16 1.61608e-17 0 +0 0 0 + + -------------------- +--- Effective moduli --- +Qeff_: +0.202447 0.0288679 -1.24147e-20 +0.0288679 0.202447 -2.13826e-20 +2.50607e-17 2.46074e-17 0.173185 + +------------------------ +--- Prestrain Output --- +Bhat_: -0.00801554 0.00801554 5.71744e-16 +Beff_: -0.046178 0.046178 3.30147e-15 (Effective Prestrain) +------------------------ +size of FiniteElementBasis: 13056 +q1=0.202447 +q2=0.202447 +q3=0.173185 +q12=0.0288679 +q23=-2.13826e-20 +q_onetwo=0.028868 +b1=-0.046178 +b2=0.046178 +b3=0.000000 +mu_gamma=0.173185 +--------------------------------------------------------------------------------------------------------------------------------------- + Levels | q1 | q2 | q3 | q12 | q23 | b1 | b2 | b3 | +--------------------------------------------------------------------------------------------------------------------------------------- + 4 & 2.02447e-01 & 2.02447e-01 & 1.73185e-01 & 2.88679e-02 & -2.13826e-20 & -4.61780e-02 & 4.61780e-02 & 3.30147e-15 & +--------------------------------------------------------------------------------------------------------------------------------------- diff --git a/experiment/theoretical/results_test1/2/BMatrix.txt b/experiment/theoretical/results_test1/2/BMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..0c6d7b924836cdd522fbad81f5615eb438ee2b73 --- /dev/null +++ b/experiment/theoretical/results_test1/2/BMatrix.txt @@ -0,0 +1,3 @@ +1 1 -0.0740857421678850492 +1 2 0.0740857421680322092 +1 3 -7.07622565225889709e-15 diff --git a/experiment/theoretical/results_test1/2/QMatrix.txt b/experiment/theoretical/results_test1/2/QMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..97345d103e7665326f3f0924c871040aafbd34e4 --- /dev/null +++ b/experiment/theoretical/results_test1/2/QMatrix.txt @@ -0,0 +1,9 @@ +1 1 0.208040853048883312 +1 2 0.0296326775574027347 +1 3 -5.91260430046778652e-20 +2 1 0.0296326775574035292 +2 2 0.208040853048883367 +2 3 -4.93396691775629948e-20 +3 1 1.24878283307841375e-16 +3 2 1.25397864401907371e-16 +3 3 0.177806316187787306 diff --git a/experiment/theoretical/results_test1/2/output.txt b/experiment/theoretical/results_test1/2/output.txt new file mode 100644 index 0000000000000000000000000000000000000000..acec01e45e8746f051caf27cc549c0b601ba0a40 --- /dev/null +++ b/experiment/theoretical/results_test1/2/output.txt @@ -0,0 +1,49 @@ +Number of Grid-Elements in each direction: [16,16,16] +Solver-type used: GMRES-Solver +---------- OUTPUT ---------- + -------------------- +Corrector-Matrix M_1: +0.000886484 3.13186e-19 0 +3.13186e-19 -0.000126335 0 +0 0 0 + + -------------------- +Corrector-Matrix M_2: +0.000126335 2.8411e-19 0 +2.8411e-19 -0.000886484 0 +0 0 0 + + -------------------- +Corrector-Matrix M_3: +-3.16115e-17 -1.32236e-16 0 +-1.32236e-16 -3.37076e-17 0 +0 0 0 + + -------------------- +--- Effective moduli --- +Qeff_: +0.208041 0.0296327 -5.9126e-20 +0.0296327 0.208041 -4.93397e-20 +1.24878e-16 1.25398e-16 0.177806 + +------------------------ +--- Prestrain Output --- +Bhat_: -0.0132175 0.0132175 -1.25816e-15 +Beff_: -0.0740857 0.0740857 -7.07623e-15 (Effective Prestrain) +------------------------ +size of FiniteElementBasis: 13056 +q1=0.208041 +q2=0.208041 +q3=0.177806 +q12=0.0296327 +q23=-4.93397e-20 +q_onetwo=0.029633 +b1=-0.074086 +b2=0.074086 +b3=-0.000000 +mu_gamma=0.177806 +--------------------------------------------------------------------------------------------------------------------------------------- + Levels | q1 | q2 | q3 | q12 | q23 | b1 | b2 | b3 | +--------------------------------------------------------------------------------------------------------------------------------------- + 4 & 2.08041e-01 & 2.08041e-01 & 1.77806e-01 & 2.96327e-02 & -4.93397e-20 & -7.40857e-02 & 7.40857e-02 & -7.07623e-15 & +--------------------------------------------------------------------------------------------------------------------------------------- diff --git a/experiment/theoretical/results_test1/3/BMatrix.txt b/experiment/theoretical/results_test1/3/BMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..a8ec9147a234f7cb64639b214f2d5cfbc0c3b865 --- /dev/null +++ b/experiment/theoretical/results_test1/3/BMatrix.txt @@ -0,0 +1,3 @@ +1 1 -0.0865036029931518236 +1 2 0.0865036029931576661 +1 3 -1.23240045859469982e-17 diff --git a/experiment/theoretical/results_test1/3/QMatrix.txt b/experiment/theoretical/results_test1/3/QMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..e188556ad10eef7d0e55724ef68289a62ba965f5 --- /dev/null +++ b/experiment/theoretical/results_test1/3/QMatrix.txt @@ -0,0 +1,9 @@ +1 1 0.213038345290249675 +1 2 0.0303347952746698367 +1 3 -7.32848935497480399e-20 +2 1 0.0303347952746696944 +2 2 0.213038345290249231 +2 3 -7.2841524741419617e-20 +3 1 4.27514568399863973e-18 +3 2 4.25213517371863961e-18 +3 3 0.182029714189306413 diff --git a/experiment/wood-bilayer/results/0/output.txt b/experiment/theoretical/results_test1/3/output.txt similarity index 61% rename from experiment/wood-bilayer/results/0/output.txt rename to experiment/theoretical/results_test1/3/output.txt index 636885605765bbf184b8dedf9119e22e5242ab85..95d784738a71884b6f73b3ee8e53932208eda592 100644 --- a/experiment/wood-bilayer/results/0/output.txt +++ b/experiment/theoretical/results_test1/3/output.txt @@ -3,47 +3,47 @@ Solver-type used: GMRES-Solver ---------- OUTPUT ---------- -------------------- Corrector-Matrix M_1: --0.233954 -1.54165e-27 0 --1.54165e-27 0.0110659 0 +0.0010227 -8.38144e-21 0 +-8.38144e-21 -0.00014558 0 0 0 0 -------------------- Corrector-Matrix M_2: --0.0025163 1.89724e-27 0 -1.89724e-27 0.11024 0 +0.00014558 4.52414e-19 0 +4.52414e-19 -0.0010227 0 0 0 0 -------------------- Corrector-Matrix M_3: -0 0.0227636 0 -0.0227636 0 0 +-2.23217e-19 -6.07948e-17 0 +-6.07948e-17 -5.68765e-19 0 0 0 0 -------------------- --- Effective moduli --- Qeff_: -304.529 19.1059 -1.65436e-24 -19.1059 524.281 1.18132e-23 -7.66396e-33 1.21059e-32 88.8021 +0.213038 0.0303348 -7.32849e-20 +0.0303348 0.213038 -7.28415e-20 +4.27515e-18 4.25214e-18 0.18203 ------------------------ --- Prestrain Output --- -Bhat_: 366.176 -125.851 -1.19402e-31 -Beff_: 1.22028 -0.284515 -1.41111e-33 (Effective Prestrain) +Bhat_: -0.0158045 0.0158045 -2.24533e-18 +Beff_: -0.0865036 0.0865036 -1.2324e-17 (Effective Prestrain) ------------------------ size of FiniteElementBasis: 13056 -q1=304.529 -q2=524.281 -q3=88.8021 -q12=19.1059 -q23=1.18132e-23 -q_onetwo=19.105881 -b1=1.220284 -b2=-0.284515 +q1=0.213038 +q2=0.213038 +q3=0.18203 +q12=0.0303348 +q23=-7.28415e-20 +q_onetwo=0.030335 +b1=-0.086504 +b2=0.086504 b3=-0.000000 -mu_gamma=88.802114 +mu_gamma=0.182030 --------------------------------------------------------------------------------------------------------------------------------------- Levels | q1 | q2 | q3 | q12 | q23 | b1 | b2 | b3 | --------------------------------------------------------------------------------------------------------------------------------------- - 4 & 3.04529e+02 & 5.24281e+02 & 8.88021e+01 & 1.91059e+01 & 1.18132e-23 & 1.22028e+00 & -2.84515e-01 & -1.41111e-33 & + 4 & 2.13038e-01 & 2.13038e-01 & 1.82030e-01 & 3.03348e-02 & -7.28415e-20 & -8.65036e-02 & 8.65036e-02 & -1.23240e-17 & --------------------------------------------------------------------------------------------------------------------------------------- diff --git a/experiment/theoretical/results_test1/kappa_simulation.txt b/experiment/theoretical/results_test1/kappa_simulation.txt new file mode 100644 index 0000000000000000000000000000000000000000..6a46a9fc0b02d9b8c16aaa0c0cdb84b68b8697b0 --- /dev/null +++ b/experiment/theoretical/results_test1/kappa_simulation.txt @@ -0,0 +1 @@ +kappa = [0. 0. 0. 0.07374749] \ No newline at end of file diff --git a/experiment/theoretical/results_test1/parameter.txt b/experiment/theoretical/results_test1/parameter.txt new file mode 100644 index 0000000000000000000000000000000000000000..22e8f28fe87168df89d6091f6310e2ed79ae3d0c --- /dev/null +++ b/experiment/theoretical/results_test1/parameter.txt @@ -0,0 +1,2 @@ +param_r = 0.5 +param_delta_theta = 30 diff --git a/experiment/theoretical/results_test1/rve_half.jpeg b/experiment/theoretical/results_test1/rve_half.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..bec23ab73bd43ef179fe75227a8ebd0139e033a8 Binary files /dev/null and b/experiment/theoretical/results_test1/rve_half.jpeg differ diff --git a/experiment/theoretical/results_test2/0/BMatrix.txt b/experiment/theoretical/results_test2/0/BMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..14b830356d3abbbafa2afc7691a28254494ad621 --- /dev/null +++ b/experiment/theoretical/results_test2/0/BMatrix.txt @@ -0,0 +1,3 @@ +1 1 -0.522393071254333985 +1 2 0.522393071255300323 +1 3 2.32621611036982895e-14 diff --git a/experiment/theoretical/results_test2/0/QMatrix.txt b/experiment/theoretical/results_test2/0/QMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..095f8c7130896c4be7030f09a810347d55053cfd --- /dev/null +++ b/experiment/theoretical/results_test2/0/QMatrix.txt @@ -0,0 +1,9 @@ +1 1 0.469750821030932297 +1 2 0.220796419904863817 +1 3 -1.62041108578891892e-17 +2 1 0.220796419904601637 +2 2 0.469750821030746724 +2 3 -2.48593582107296471e-18 +3 1 -1.64371455035466083e-16 +3 2 -1.28871827760005525e-16 +3 3 0.229724552066225496 diff --git a/experiment/theoretical/results_test2/0/output.txt b/experiment/theoretical/results_test2/0/output.txt new file mode 100644 index 0000000000000000000000000000000000000000..09698ec6c75ce7b401a4a832bf607b13fc3b1de5 --- /dev/null +++ b/experiment/theoretical/results_test2/0/output.txt @@ -0,0 +1,49 @@ +Number of Grid-Elements in each direction: [16,16,16] +Solver-type used: GMRES-Solver +---------- OUTPUT ---------- + -------------------- +Corrector-Matrix M_1: +0.00944596 2.01583e-17 0 +2.01583e-17 -0.00441411 0 +0 0 0 + + -------------------- +Corrector-Matrix M_2: +0.00441411 1.47896e-17 0 +1.47896e-17 -0.00944596 0 +0 0 0 + + -------------------- +Corrector-Matrix M_3: +-5.87996e-17 -5.00143e-16 0 +-5.00143e-16 -7.03779e-17 0 +0 0 0 + + -------------------- +--- Effective moduli --- +Qeff_: +0.469751 0.220796 -1.62041e-17 +0.220796 0.469751 -2.48594e-18 +-1.64371e-16 -1.28872e-16 0.229725 + +------------------------ +--- Prestrain Output --- +Bhat_: -0.130052 0.130052 5.36243e-15 +Beff_: -0.522393 0.522393 2.32622e-14 (Effective Prestrain) +------------------------ +size of FiniteElementBasis: 13056 +q1=0.469751 +q2=0.469751 +q3=0.229725 +q12=0.220796 +q23=-2.48594e-18 +q_onetwo=0.220796 +b1=-0.522393 +b2=0.522393 +b3=0.000000 +mu_gamma=0.229725 +--------------------------------------------------------------------------------------------------------------------------------------- + Levels | q1 | q2 | q3 | q12 | q23 | b1 | b2 | b3 | +--------------------------------------------------------------------------------------------------------------------------------------- + 4 & 4.69751e-01 & 4.69751e-01 & 2.29725e-01 & 2.20796e-01 & -2.48594e-18 & -5.22393e-01 & 5.22393e-01 & 2.32622e-14 & +--------------------------------------------------------------------------------------------------------------------------------------- diff --git a/experiment/theoretical/results_test2/0/parameter2.txt b/experiment/theoretical/results_test2/0/parameter2.txt new file mode 100644 index 0000000000000000000000000000000000000000..22e8f28fe87168df89d6091f6310e2ed79ae3d0c --- /dev/null +++ b/experiment/theoretical/results_test2/0/parameter2.txt @@ -0,0 +1,2 @@ +param_r = 0.5 +param_delta_theta = 30 diff --git a/experiment/theoretical/results_test2/1/BMatrix.txt b/experiment/theoretical/results_test2/1/BMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..a9a5d92d750664d83bec7a58a4657b020e330ef4 --- /dev/null +++ b/experiment/theoretical/results_test2/1/BMatrix.txt @@ -0,0 +1,3 @@ +1 1 -0.609422675636300037 +1 2 0.522096508738632337 +1 3 4.58229300318429858e-14 diff --git a/experiment/theoretical/results_test2/1/QMatrix.txt b/experiment/theoretical/results_test2/1/QMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..27e11ef31b30d83c278e905e88b3da918fabca0d --- /dev/null +++ b/experiment/theoretical/results_test2/1/QMatrix.txt @@ -0,0 +1,9 @@ +1 1 0.475252081960640504 +1 2 0.223477514957490825 +1 3 -2.74598817076983576e-18 +2 1 0.223477514992098975 +2 2 0.471068750728537655 +2 3 4.54678021663247828e-18 +3 1 -7.65290032679524085e-16 +3 2 -8.60319982520964125e-16 +3 3 0.228423243339539533 diff --git a/experiment/theoretical/results_test2/1/output.txt b/experiment/theoretical/results_test2/1/output.txt new file mode 100644 index 0000000000000000000000000000000000000000..fe8895b85757fa5c48d56fecfeeefbbebc8fe758 --- /dev/null +++ b/experiment/theoretical/results_test2/1/output.txt @@ -0,0 +1,49 @@ +Number of Grid-Elements in each direction: [16,16,16] +Solver-type used: GMRES-Solver +---------- OUTPUT ---------- + -------------------- +Corrector-Matrix M_1: +0.00606915 3.87329e-18 0 +3.87329e-18 -0.00452178 0 +0 0 0 + + -------------------- +Corrector-Matrix M_2: +0.00279544 5.8684e-18 0 +5.8684e-18 -0.0094887 0 +0 0 0 + + -------------------- +Corrector-Matrix M_3: +-3.75982e-17 0.000599223 0 +0.000599223 -1.5556e-16 0 +0 0 0 + + -------------------- +--- Effective moduli --- +Qeff_: +0.475252 0.223478 -2.74599e-18 +0.223478 0.471069 4.54678e-18 +-7.6529e-16 -8.6032e-16 0.228423 + +------------------------ +--- Prestrain Output --- +Bhat_: -0.172953 0.109751 1.04842e-14 +Beff_: -0.609423 0.522097 4.58229e-14 (Effective Prestrain) +------------------------ +size of FiniteElementBasis: 13056 +q1=0.475252 +q2=0.471069 +q3=0.228423 +q12=0.223478 +q23=4.54678e-18 +q_onetwo=0.223478 +b1=-0.609423 +b2=0.522097 +b3=0.000000 +mu_gamma=0.228423 +--------------------------------------------------------------------------------------------------------------------------------------- + Levels | q1 | q2 | q3 | q12 | q23 | b1 | b2 | b3 | +--------------------------------------------------------------------------------------------------------------------------------------- + 4 & 4.75252e-01 & 4.71069e-01 & 2.28423e-01 & 2.23478e-01 & 4.54678e-18 & -6.09423e-01 & 5.22097e-01 & 4.58229e-14 & +--------------------------------------------------------------------------------------------------------------------------------------- diff --git a/experiment/theoretical/results_test2/2/BMatrix.txt b/experiment/theoretical/results_test2/2/BMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..16c5d5cce32c63d51c65fa8166300f0517615993 --- /dev/null +++ b/experiment/theoretical/results_test2/2/BMatrix.txt @@ -0,0 +1,3 @@ +1 1 -0.676375272740408429 +1 2 0.521427601721522249 +1 3 7.89018875316103266e-14 diff --git a/experiment/theoretical/results_test2/2/QMatrix.txt b/experiment/theoretical/results_test2/2/QMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..5acc8980a183c2c61c4496d8925de977c1240bed --- /dev/null +++ b/experiment/theoretical/results_test2/2/QMatrix.txt @@ -0,0 +1,9 @@ +1 1 0.481525647884904262 +1 2 0.22653129194639926 +1 3 4.58412907565047259e-18 +2 1 0.226531291945108765 +2 2 0.472564261351071491 +2 3 -5.18251814821623323e-19 +3 1 -1.50195884192366006e-15 +3 2 -1.52599420251283379e-15 +3 3 0.227924926820381762 diff --git a/experiment/theoretical/results_test2/2/output.txt b/experiment/theoretical/results_test2/2/output.txt new file mode 100644 index 0000000000000000000000000000000000000000..95551b781976263c5f1fb8c25fb655e0d8ceddd6 --- /dev/null +++ b/experiment/theoretical/results_test2/2/output.txt @@ -0,0 +1,49 @@ +Number of Grid-Elements in each direction: [16,16,16] +Solver-type used: GMRES-Solver +---------- OUTPUT ---------- + -------------------- +Corrector-Matrix M_1: +0.00317997 4.8727e-18 0 +4.8727e-18 -0.00461286 0 +0 0 0 + + -------------------- +Corrector-Matrix M_2: +0.00140306 5.93056e-18 0 +5.93056e-18 -0.00952624 0 +0 0 0 + + -------------------- +Corrector-Matrix M_3: +3.1508e-16 0.000760481 0 +0.000760481 2.50448e-16 0 +0 0 0 + + -------------------- +--- Effective moduli --- +Qeff_: +0.481526 0.226531 4.58413e-18 +0.226531 0.472564 -5.18252e-19 +-1.50196e-15 -1.52599e-15 0.227925 + +------------------------ +--- Prestrain Output --- +Bhat_: -0.207572 0.0931879 1.82039e-14 +Beff_: -0.676375 0.521428 7.89019e-14 (Effective Prestrain) +------------------------ +size of FiniteElementBasis: 13056 +q1=0.481526 +q2=0.472564 +q3=0.227925 +q12=0.226531 +q23=-5.18252e-19 +q_onetwo=0.226531 +b1=-0.676375 +b2=0.521428 +b3=0.000000 +mu_gamma=0.227925 +--------------------------------------------------------------------------------------------------------------------------------------- + Levels | q1 | q2 | q3 | q12 | q23 | b1 | b2 | b3 | +--------------------------------------------------------------------------------------------------------------------------------------- + 4 & 4.81526e-01 & 4.72564e-01 & 2.27925e-01 & 2.26531e-01 & -5.18252e-19 & -6.76375e-01 & 5.21428e-01 & 7.89019e-14 & +--------------------------------------------------------------------------------------------------------------------------------------- diff --git a/experiment/theoretical/results_test2/kappa_simulation.txt b/experiment/theoretical/results_test2/kappa_simulation.txt new file mode 100644 index 0000000000000000000000000000000000000000..6bc3153ba47d3a95b7647388a1f335acee6fb44d --- /dev/null +++ b/experiment/theoretical/results_test2/kappa_simulation.txt @@ -0,0 +1 @@ +kappa = [0.27735471 0.36392786 0.43126253] \ No newline at end of file diff --git a/experiment/theoretical/results_test2/parameter.txt b/experiment/theoretical/results_test2/parameter.txt new file mode 100644 index 0000000000000000000000000000000000000000..c09dea62f682b6f92cb10c89c9f9f9af2e5400c9 --- /dev/null +++ b/experiment/theoretical/results_test2/parameter.txt @@ -0,0 +1,2 @@ +param_n = 4 +param_delta_theta = 30 diff --git a/experiment/theoretical/results_test2/rve_2_fach.jpeg b/experiment/theoretical/results_test2/rve_2_fach.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..7864954ba7b426649458bbd279e102bd40996216 Binary files /dev/null and b/experiment/theoretical/results_test2/rve_2_fach.jpeg differ diff --git a/experiment/theoretical/results_test2/rve_4_fach.jpeg b/experiment/theoretical/results_test2/rve_4_fach.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..d79d2ff166d8aec2b355fe36631046ffc0037c8b Binary files /dev/null and b/experiment/theoretical/results_test2/rve_4_fach.jpeg differ diff --git a/experiment/theoretical/results_test3/0/BMatrix.txt b/experiment/theoretical/results_test3/0/BMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..52d2035411ae07469de153706fdf7427d227a294 --- /dev/null +++ b/experiment/theoretical/results_test3/0/BMatrix.txt @@ -0,0 +1,3 @@ +1 1 0.0644151401778287475 +1 2 0.110604623072654423 +1 3 0.0312280877350986884 diff --git a/experiment/theoretical/results_test3/0/QMatrix.txt b/experiment/theoretical/results_test3/0/QMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..d1ca5995d19cdc5fc438f7b10d2d24f91932fbaf --- /dev/null +++ b/experiment/theoretical/results_test3/0/QMatrix.txt @@ -0,0 +1,9 @@ +1 1 0.203789169543355658 +1 2 0.0291310445524506113 +1 3 0.000174265049096305715 +2 1 0.0291310445524419863 +2 2 0.203282830407305021 +2 3 0.000174090609085928756 +3 1 0.000174265049141808433 +3 2 0.000174090609112747174 +3 3 0.174386377498395501 diff --git a/experiment/theoretical/results_test3/0/output.txt b/experiment/theoretical/results_test3/0/output.txt new file mode 100644 index 0000000000000000000000000000000000000000..03bea4fbb587be064f7083aaa46e706d072c20a3 --- /dev/null +++ b/experiment/theoretical/results_test3/0/output.txt @@ -0,0 +1,49 @@ +Number of Grid-Elements in each direction: [16,16,16] +Solver-type used: GMRES-Solver +---------- OUTPUT ---------- + -------------------- +Corrector-Matrix M_1: +-0.000879705 -0.000153138 0 +-0.000153138 -0.000158424 0 +0 0 0 + + -------------------- +Corrector-Matrix M_2: +-7.97692e-05 -0.000152981 0 +-0.000152981 -0.00142857 0 +0 0 0 + + -------------------- +Corrector-Matrix M_3: +-0.000162005 -0.00107037 0 +-0.00107037 -0.000162223 0 +0 0 0 + + -------------------- +--- Effective moduli --- +Qeff_: +0.203789 0.029131 0.000174265 +0.029131 0.203283 0.000174091 +0.000174265 0.000174091 0.174386 + +------------------------ +--- Prestrain Output --- +Bhat_: 0.0163546 0.0243659 0.00547623 +Beff_: 0.0644151 0.110605 0.0312281 (Effective Prestrain) +------------------------ +size of FiniteElementBasis: 13056 +q1=0.203789 +q2=0.203283 +q3=0.174386 +q12=0.029131 +q23=0.000174091 +q_onetwo=0.029131 +b1=0.064415 +b2=0.110605 +b3=0.031228 +mu_gamma=0.174386 +--------------------------------------------------------------------------------------------------------------------------------------- + Levels | q1 | q2 | q3 | q12 | q23 | b1 | b2 | b3 | +--------------------------------------------------------------------------------------------------------------------------------------- + 4 & 2.03789e-01 & 2.03283e-01 & 1.74386e-01 & 2.91310e-02 & 1.74091e-04 & 6.44151e-02 & 1.10605e-01 & 3.12281e-02 & +--------------------------------------------------------------------------------------------------------------------------------------- diff --git a/experiment/theoretical/results_test3/kappa_simulation.txt b/experiment/theoretical/results_test3/kappa_simulation.txt new file mode 100644 index 0000000000000000000000000000000000000000..e5b2e90bce51e0fbb9af3803fecc75a6a7adf5b2 --- /dev/null +++ b/experiment/theoretical/results_test3/kappa_simulation.txt @@ -0,0 +1 @@ +kappa = [0.12745491] \ No newline at end of file diff --git a/experiment/theoretical/results_test3/parameter.txt b/experiment/theoretical/results_test3/parameter.txt new file mode 100644 index 0000000000000000000000000000000000000000..7e4e0bb090e00485c67e8942d19f08220e129d3c --- /dev/null +++ b/experiment/theoretical/results_test3/parameter.txt @@ -0,0 +1,2 @@ +param_r = 0.25 +param_delta_theta = 30 diff --git a/experiment/theoretical/results_test3/rve_diagonal.jpeg b/experiment/theoretical/results_test3/rve_diagonal.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..bd6cd9755c3926f848c108dd1280d638a92c7336 Binary files /dev/null and b/experiment/theoretical/results_test3/rve_diagonal.jpeg differ diff --git a/experiment/theoretical/rve.jpeg b/experiment/theoretical/rve.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..6a858ea10fb96cd725c8d9219a77b330298af0dc Binary files /dev/null and b/experiment/theoretical/rve.jpeg differ diff --git a/experiment/theoretical/test1.py b/experiment/theoretical/test1.py new file mode 100644 index 0000000000000000000000000000000000000000..6fdefc9432d27af05d1e367930a5f6cd5fe72833 --- /dev/null +++ b/experiment/theoretical/test1.py @@ -0,0 +1,144 @@ +import subprocess +import re +import os +import numpy as np +import matplotlib.pyplot as plt +import math +import fileinput +import time +import matplotlib.ticker as tickers +import matplotlib as mpl +from matplotlib.ticker import MultipleLocator,FormatStrFormatter,MaxNLocator +import codecs +import sys +import threading + +# Schreibe input datei für Parameter +def SetParametersCellProblem(ParameterSet, ParsetFilePath, outputPath): + print('----set Parameters -----') + with open(ParsetFilePath, 'r') as file: + filedata = file.read() + filedata = re.sub('(?m)^materialFunction\s?=.*','materialFunction = '+str(ParameterSet.materialFunction),filedata) + filedata = re.sub('(?m)^gamma\s?=.*','gamma='+str(ParameterSet.gamma),filedata) + filedata = re.sub('(?m)^numLevels\s?=.*','numLevels='+str(ParameterSet.numLevels)+' '+str(ParameterSet.numLevels) ,filedata) + filedata = re.sub('(?m)^outputPath\s?=\s?.*','outputPath='+str(outputPath),filedata) + f = open(ParsetFilePath,'w') + f.write(filedata) + f.close() + + +# Ändere Parameter der MaterialFunction +def SetParameterMaterialFunction(materialFunction, parameterName, parameterValue): + with open(Path+"/"+materialFunction+'.py', 'r') as file: + filedata = file.read() + filedata = re.sub('(?m)^'+str(parameterName)+'\s?=.*',str(parameterName)+' = '+str(parameterValue),filedata) + f = open(Path+"/"+materialFunction+'.py','w') + f.write(filedata) + f.close() + +# Rufe Programm zum Lösen des Cell-Problems auf +def run_CellProblem(executable, parset,write_LOG): + print('----- RUN Cell-Problem ----') + processList = [] + LOGFILE = "Cell-Problem_output.log" + print('LOGFILE:',LOGFILE) + print('executable:',executable) + if write_LOG: + p = subprocess.Popen(executable + parset + + " | tee " + LOGFILE, shell=True) + + else: + p = subprocess.Popen(executable + parset + + " | tee " + LOGFILE, shell=True) + + p.wait() # wait + processList.append(p) + exit_codes = [p.wait() for p in processList] + + return + +# Read effective quantites +def ReadEffectiveQuantities(QFilePath = os.path.dirname(os.getcwd()) + '/outputs/QMatrix.txt', BFilePath = os.path.dirname(os.getcwd())+ '/outputs/BMatrix.txt'): + # Read Output Matrices (effective quantities) + # From Cell-Problem output Files : ../outputs/Qmatrix.txt , ../outputs/Bmatrix.txt + # -- Read Matrix Qhom + X = [] + # with codecs.open(path + '/outputs/QMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(QFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + Q = np.array([[X[0][2], X[1][2], X[2][2]], + [X[3][2], X[4][2], X[5][2]], + [X[6][2], X[7][2], X[8][2]] ]) + + # -- Read Beff (as Vector) + X = [] + # with codecs.open(path + '/outputs/BMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(BFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + B = np.array([X[0][2], X[1][2], X[2][2]]) + return Q, B + +# Function for evaluating the energy in terms of kappa, alpha and Q, B +def eval_energy(kappa,alpha,Q,B) : + G=kappa*np.array([[np.cos(alpha)**2],[np.sin(alpha)**2],[np.sqrt(2)*np.cos(alpha)*np.sin(alpha)]])-B + return np.matmul(np.transpose(G),np.matmul(Q,G))[0,0] + +#------------------------------------------------------------------------------------------------------- +######################## +#### SET PARAMETERS #### +######################## +# ----- Setup Paths ----- +Path = "./experiment/theoretical" +# parset = ' ./experiment/wood-bilayer/cellsolver.parset.wood' +ParsetFile = Path + '/cellsolver.parset' +executable = 'build-cmake/src/Cell-Problem' +write_LOG = True # writes Cell-Problem output-LOG in "Cell-Problem_output.log" + +# --------------------------------- +# Setup Experiment +# --------------------------------- +outputPath = Path + '/results_test1/' + +# ----- Define Input parameters -------------------- +class ParameterSet: + pass + +ParameterSet.materialFunction = "theoretical_material1" +ParameterSet.gamma=1 +ParameterSet.numLevels=4 + +# ----- Define Parameters for Material Function -------------------- +# Liste mit Drehwinkel eigenstrain +materialFunctionParameter=[[1/8, 30],[1/4, 30], [3/8,30], [1/2, 30]] + +# ------ Loops through Parameters for Material Function ----------- +for i in range(0,np.shape(materialFunctionParameter)[0]): + print("------------------") + print("New Loop") + print("------------------") + # Check output directory + path = outputPath + str(i) + isExist = os.path.exists(path) + if not isExist: + # Create a new directory because it does not exist + os.makedirs(path) + print("The new directory " + path + " is created!") + # keine Parameter daher naechste Zeiel auskommentiert + SetParameterMaterialFunction(ParameterSet.materialFunction, "param_r",materialFunctionParameter[i][0]) + SetParameterMaterialFunction(ParameterSet.materialFunction, "param_delta_theta",materialFunctionParameter[i][0]) + SetParametersCellProblem(ParameterSet, ParsetFile, path) + #Run Cell-Problem + thread = threading.Thread(target=run_CellProblem(executable, " ./"+ParsetFile, write_LOG)) + thread.start() + # --------------------------------------------------- + # wait here for the result to be available before continuing + thread.join() + f = open(outputPath+"parameter.txt", "w") + f.write("param_r = "+str(materialFunctionParameter[i][0])+"\n") + f.write("param_delta_theta = "+str(materialFunctionParameter[i][1])+"\n") + f.close() + # diff --git a/experiment/theoretical/test2.py b/experiment/theoretical/test2.py new file mode 100644 index 0000000000000000000000000000000000000000..85a3ceaca0541cab79cd4308a070bc2bc047c34a --- /dev/null +++ b/experiment/theoretical/test2.py @@ -0,0 +1,145 @@ +import subprocess +import re +import os +import numpy as np +import matplotlib.pyplot as plt +import math +import fileinput +import time +import matplotlib.ticker as tickers +import matplotlib as mpl +from matplotlib.ticker import MultipleLocator,FormatStrFormatter,MaxNLocator +import codecs +import sys +import threading + +# Schreibe input datei für Parameter +def SetParametersCellProblem(ParameterSet, ParsetFilePath, outputPath): + print('----set Parameters -----') + with open(ParsetFilePath, 'r') as file: + filedata = file.read() + filedata = re.sub('(?m)^materialFunction\s?=.*','materialFunction = '+str(ParameterSet.materialFunction),filedata) + filedata = re.sub('(?m)^gamma\s?=.*','gamma='+str(ParameterSet.gamma),filedata) + filedata = re.sub('(?m)^numLevels\s?=.*','numLevels='+str(ParameterSet.numLevels)+' '+str(ParameterSet.numLevels) ,filedata) + filedata = re.sub('(?m)^outputPath\s?=\s?.*','outputPath='+str(outputPath),filedata) + f = open(ParsetFilePath,'w') + f.write(filedata) + f.close() + + +# Ändere Parameter der MaterialFunction +def SetParameterMaterialFunction(materialFunction, parameterName, parameterValue): + with open(Path+"/"+materialFunction+'.py', 'r') as file: + filedata = file.read() + filedata = re.sub('(?m)^'+str(parameterName)+'\s?=.*',str(parameterName)+' = '+str(parameterValue),filedata) + f = open(Path+"/"+materialFunction+'.py','w') + f.write(filedata) + f.close() + +# Rufe Programm zum Lösen des Cell-Problems auf +def run_CellProblem(executable, parset,write_LOG): + print('----- RUN Cell-Problem ----') + processList = [] + LOGFILE = "Cell-Problem_output.log" + print('LOGFILE:',LOGFILE) + print('executable:',executable) + if write_LOG: + p = subprocess.Popen(executable + parset + + " | tee " + LOGFILE, shell=True) + + else: + p = subprocess.Popen(executable + parset + + " | tee " + LOGFILE, shell=True) + + p.wait() # wait + processList.append(p) + exit_codes = [p.wait() for p in processList] + + return + +# Read effective quantites +def ReadEffectiveQuantities(QFilePath = os.path.dirname(os.getcwd()) + '/outputs/QMatrix.txt', BFilePath = os.path.dirname(os.getcwd())+ '/outputs/BMatrix.txt'): + # Read Output Matrices (effective quantities) + # From Cell-Problem output Files : ../outputs/Qmatrix.txt , ../outputs/Bmatrix.txt + # -- Read Matrix Qhom + X = [] + # with codecs.open(path + '/outputs/QMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(QFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + Q = np.array([[X[0][2], X[1][2], X[2][2]], + [X[3][2], X[4][2], X[5][2]], + [X[6][2], X[7][2], X[8][2]] ]) + + # -- Read Beff (as Vector) + X = [] + # with codecs.open(path + '/outputs/BMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(BFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + B = np.array([X[0][2], X[1][2], X[2][2]]) + return Q, B + +# Function for evaluating the energy in terms of kappa, alpha and Q, B +def eval_energy(kappa,alpha,Q,B) : + G=kappa*np.array([[np.cos(alpha)**2],[np.sin(alpha)**2],[np.sqrt(2)*np.cos(alpha)*np.sin(alpha)]])-B + return np.matmul(np.transpose(G),np.matmul(Q,G))[0,0] + +#------------------------------------------------------------------------------------------------------- +######################## +#### SET PARAMETERS #### +######################## +# ----- Setup Paths ----- +Path = "./experiment/theoretical" +# parset = ' ./experiment/wood-bilayer/cellsolver.parset.wood' +ParsetFile = Path + '/cellsolver.parset' +executable = 'build-cmake/src/Cell-Problem' +write_LOG = True # writes Cell-Problem output-LOG in "Cell-Problem_output.log" + +# --------------------------------- +# Setup Experiment +# --------------------------------- +outputPath = Path + '/results_test2/' + +# ----- Define Input parameters -------------------- +class ParameterSet: + pass + +ParameterSet.materialFunction = "theoretical_material2" +ParameterSet.gamma=1 +ParameterSet.numLevels=4 + +# ----- Define Parameters for Material Function -------------------- +# Liste mit Drehwinkel eigenstrain +materialFunctionParameter=[[1,30],[2,30],[4,30] + ] +# ------ Loops through Parameters for Material Function ----------- +for i in range(0,np.shape(materialFunctionParameter)[0]): + print("------------------") + print("New Loop") + print("------------------") + # Check output directory + path = outputPath + str(i) + isExist = os.path.exists(path) + if not isExist: + # Create a new directory because it does not exist + os.makedirs(path) + print("The new directory " + path + " is created!") + # keine Parameter daher naechste Zeiel auskommentiert + SetParameterMaterialFunction(ParameterSet.materialFunction, "param_n",materialFunctionParameter[i][0]) + SetParameterMaterialFunction(ParameterSet.materialFunction, "param_delta_theta",materialFunctionParameter[i][0]) + SetParametersCellProblem(ParameterSet, ParsetFile, path) + #Run Cell-Problem + thread = threading.Thread(target=run_CellProblem(executable, " ./"+ParsetFile, write_LOG)) + thread.start() + # --------------------------------------------------- + # wait here for the result to be available before continuing + thread.join() + f = open(outputPath+"parameter.txt", "w") + f.write("param_n = "+str(materialFunctionParameter[i][0])+"\n") + f.write("param_delta_theta = "+str(materialFunctionParameter[i][1])+"\n") + f.close() + # + diff --git a/experiment/theoretical/test3.py b/experiment/theoretical/test3.py new file mode 100644 index 0000000000000000000000000000000000000000..7371fe43747d34e5e0fada030d6af51b978a631d --- /dev/null +++ b/experiment/theoretical/test3.py @@ -0,0 +1,144 @@ +import subprocess +import re +import os +import numpy as np +import matplotlib.pyplot as plt +import math +import fileinput +import time +import matplotlib.ticker as tickers +import matplotlib as mpl +from matplotlib.ticker import MultipleLocator,FormatStrFormatter,MaxNLocator +import codecs +import sys +import threading + +# Schreibe input datei für Parameter +def SetParametersCellProblem(ParameterSet, ParsetFilePath, outputPath): + print('----set Parameters -----') + with open(ParsetFilePath, 'r') as file: + filedata = file.read() + filedata = re.sub('(?m)^materialFunction\s?=.*','materialFunction = '+str(ParameterSet.materialFunction),filedata) + filedata = re.sub('(?m)^gamma\s?=.*','gamma='+str(ParameterSet.gamma),filedata) + filedata = re.sub('(?m)^numLevels\s?=.*','numLevels='+str(ParameterSet.numLevels)+' '+str(ParameterSet.numLevels) ,filedata) + filedata = re.sub('(?m)^outputPath\s?=\s?.*','outputPath='+str(outputPath),filedata) + f = open(ParsetFilePath,'w') + f.write(filedata) + f.close() + + +# Ändere Parameter der MaterialFunction +def SetParameterMaterialFunction(materialFunction, parameterName, parameterValue): + with open(Path+"/"+materialFunction+'.py', 'r') as file: + filedata = file.read() + filedata = re.sub('(?m)^'+str(parameterName)+'\s?=.*',str(parameterName)+' = '+str(parameterValue),filedata) + f = open(Path+"/"+materialFunction+'.py','w') + f.write(filedata) + f.close() + +# Rufe Programm zum Lösen des Cell-Problems auf +def run_CellProblem(executable, parset,write_LOG): + print('----- RUN Cell-Problem ----') + processList = [] + LOGFILE = "Cell-Problem_output.log" + print('LOGFILE:',LOGFILE) + print('executable:',executable) + if write_LOG: + p = subprocess.Popen(executable + parset + + " | tee " + LOGFILE, shell=True) + + else: + p = subprocess.Popen(executable + parset + + " | tee " + LOGFILE, shell=True) + + p.wait() # wait + processList.append(p) + exit_codes = [p.wait() for p in processList] + + return + +# Read effective quantites +def ReadEffectiveQuantities(QFilePath = os.path.dirname(os.getcwd()) + '/outputs/QMatrix.txt', BFilePath = os.path.dirname(os.getcwd())+ '/outputs/BMatrix.txt'): + # Read Output Matrices (effective quantities) + # From Cell-Problem output Files : ../outputs/Qmatrix.txt , ../outputs/Bmatrix.txt + # -- Read Matrix Qhom + X = [] + # with codecs.open(path + '/outputs/QMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(QFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + Q = np.array([[X[0][2], X[1][2], X[2][2]], + [X[3][2], X[4][2], X[5][2]], + [X[6][2], X[7][2], X[8][2]] ]) + + # -- Read Beff (as Vector) + X = [] + # with codecs.open(path + '/outputs/BMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(BFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + B = np.array([X[0][2], X[1][2], X[2][2]]) + return Q, B + +# Function for evaluating the energy in terms of kappa, alpha and Q, B +def eval_energy(kappa,alpha,Q,B) : + G=kappa*np.array([[np.cos(alpha)**2],[np.sin(alpha)**2],[np.sqrt(2)*np.cos(alpha)*np.sin(alpha)]])-B + return np.matmul(np.transpose(G),np.matmul(Q,G))[0,0] + +#------------------------------------------------------------------------------------------------------- +######################## +#### SET PARAMETERS #### +######################## +# ----- Setup Paths ----- +Path = "./experiment/theoretical" +# parset = ' ./experiment/wood-bilayer/cellsolver.parset.wood' +ParsetFile = Path + '/cellsolver.parset' +executable = 'build-cmake/src/Cell-Problem' +write_LOG = True # writes Cell-Problem output-LOG in "Cell-Problem_output.log" + +# --------------------------------- +# Setup Experiment +# --------------------------------- +outputPath = Path + '/results_test3/' + +# ----- Define Input parameters -------------------- +class ParameterSet: + pass + +ParameterSet.materialFunction = "theoretical_material3" +ParameterSet.gamma=1 +ParameterSet.numLevels=4 + +# ----- Define Parameters for Material Function -------------------- +# Liste mit Drehwinkel eigenstrain +materialFunctionParameter=[[1/4, 30]] + +# ------ Loops through Parameters for Material Function ----------- +for i in range(0,np.shape(materialFunctionParameter)[0]): + print("------------------") + print("New Loop") + print("------------------") + # Check output directory + path = outputPath + str(i) + isExist = os.path.exists(path) + if not isExist: + # Create a new directory because it does not exist + os.makedirs(path) + print("The new directory " + path + " is created!") + # keine Parameter daher naechste Zeiel auskommentiert + SetParameterMaterialFunction(ParameterSet.materialFunction, "param_r",materialFunctionParameter[i][0]) + SetParameterMaterialFunction(ParameterSet.materialFunction, "param_delta_theta",materialFunctionParameter[i][0]) + SetParametersCellProblem(ParameterSet, ParsetFile, path) + #Run Cell-Problem + thread = threading.Thread(target=run_CellProblem(executable, " ./"+ParsetFile, write_LOG)) + thread.start() + # --------------------------------------------------- + # wait here for the result to be available before continuing + thread.join() + f = open(outputPath+"parameter.txt", "w") + f.write("param_r = "+str(materialFunctionParameter[i][0])+"\n") + f.write("param_delta_theta = "+str(materialFunctionParameter[i][1])+"\n") + f.close() + # diff --git a/experiment/theoretical/theoretical_material1.py b/experiment/theoretical/theoretical_material1.py new file mode 100644 index 0000000000000000000000000000000000000000..321039cfa11f7a20f4ae56555e27b67b60c413b8 --- /dev/null +++ b/experiment/theoretical/theoretical_material1.py @@ -0,0 +1,44 @@ +import math +#from python_matrix_operations import * +import ctypes +import os +import sys +import numpy as np +import elasticity_toolbox as elast + +param_delta_theta = 0.5 +param_r = 0.5 +# --- define geometry +def indicatorFunction(x): + if (x[2]>=.5-param_r) and (x[0]<=param_r-.5): #top left square - fibre orientation = y_1 + return 1 # fibre1 + elif (x[2]<=param_r-.5) and (x[1]<=param_r-.5): #bottom back - fibre orientation = y_2 + return 2 + else : + return 3 # matrix + +# --- Number of material phases +Phases=3 + +# --- PHASE 1 fibre +phase1_type="isotropic" +materialParameters_phase1 = [1.2, 0.48] +def prestrain_phase1(x): + factor=1 + return [[factor,0,0],[0,factor,0],[0,0,factor]] + + +# --- PHASE 2 fibre +phase2_type="isotropic" +# E in MPa and nu +materialParameters_phase2 = [1.2,0.48] +def prestrain_phase2(x): + return prestrain_phase1(x) + + +# --- PHASE 3 matrix +phase3_type="isotropic" +materialParameters_phase3 = [1, 0.4] +def prestrain_phase3(x): + factor = 0 + return [[factor,0,0],[0,factor,0],[0,0,factor]] diff --git a/experiment/theoretical/theoretical_material2.py b/experiment/theoretical/theoretical_material2.py new file mode 100644 index 0000000000000000000000000000000000000000..172bdeeeee6ad907627496523899df172b947cfc --- /dev/null +++ b/experiment/theoretical/theoretical_material2.py @@ -0,0 +1,85 @@ +import math +#from python_matrix_operations import * +import ctypes +import os +import sys +import numpy as np +import elasticity_toolbox as elast + +param_delta_theta = 4 +param_n = 4 +param_switch = int(0) # 1=GAMM-Artikel, 0=Vortrag +# --- define geometry +def indicatorFunction(x): + if param_n==1: + if (x[2]>=0) and (x[0]<=0): #top left square - fibre orientation = y_1 + return 1 # fibre1 + elif (x[2]<=0) and (x[1]<=0): #bottom back - fibre orientation = y_2 + return 2 + else : + return 3 # matrix + elif param_n==2: + if ((x[2]>=0) and ((np.abs(x[0]+3/8)<=1/8) or (np.abs(x[0]-1/8)<=1/8))): + return 1 # fibre1 + elif (x[2]<=0) and (x[1]<=0): #bottom left square - fibre orientation = y_2 + return 2 + else : + return 3 # matrix + else: + if ((x[2]>=0) and ( + (np.abs(x[0]+7/16)<=1/16) or + (np.abs(x[0]+3/16)<=1/16) or + (np.abs(x[0]-1/16)<=1/16) or + (np.abs(x[0]-5/16)<=1/16))): #bottom left square - fibre orientation = y_1 + return 1 # fibre1 + elif (x[2]<=0) and (x[1]<=0): #bottom left square - fibre orientation = y_2 + return 2 + else : + return 3 # matrix + + +# --- Number of material phases +Phases=3 +# E in MPa and nu +E_natural = 6 # Young +nu_natural =0.47 +# Silicon rubber MPa +E_silicone = 3 # Young +nu_silicone = 0.48 +# +# --- PHASE 1 fibre +phase1_type="isotropic" +if (param_switch==0): + E = E_natural + nu = nu_natural + # [mu, lambda] + materialParameters_phase1 = [E/(2*(1+nu)), (E*nu)/((1+nu)*(1-2*nu))] +elif (param_switch==1): + materialParameters_phase1 = [0,0] # [1.2, 0.48] + +def prestrain_phase1(x): + factor=1 + return [[factor,0,0],[0,factor,0],[0,0,factor]] + + +# --- PHASE 2 fibre +phase2_type="isotropic" +# E in MPa and nu +materialParameters_phase2 = materialParameters_phase1 +def prestrain_phase2(x): + return prestrain_phase1(x) + + +# --- PHASE 3 matrix +phase3_type="isotropic" +if (param_switch==0): + E = E_silicone + nu = nu_silicone + # [mu, lambda] + materialParameters_phase3 = [E/(2*(1+nu)), (E*nu)/((1+nu)*(1-2*nu))] +elif (param_switch==1): + materialParameters_phase3 = [1, 0.4] + +def prestrain_phase3(x): + factor = 0 + return [[factor,0,0],[0,factor,0],[0,0,factor]] diff --git a/experiment/theoretical/theoretical_material3.py b/experiment/theoretical/theoretical_material3.py new file mode 100644 index 0000000000000000000000000000000000000000..3a6f699ed90a2a7c752615fda112acd5058a90b6 --- /dev/null +++ b/experiment/theoretical/theoretical_material3.py @@ -0,0 +1,48 @@ +import math +#from python_matrix_operations import * +import ctypes +import os +import sys +import numpy as np +import elasticity_toolbox as elast + +param_delta_theta = 0.25 +param_r = 0.25 + +# --- define geometry +def indicatorFunction(x): + alpha=np.pi/4 + delta=param_r/np.sin(alpha) + if (x[2]>=.5-param_r) and (x[1]<=x[0]+delta/2) and (x[0]-delta/2<=x[1]): #top left square - fibre orientation = y_1 + return 1 # fibre1 + elif (x[2]<=param_r-.5) and (x[1]<=param_r-.5): #bottom back - fibre orientation = y_2 + return 2 + else : + return 3 # matrix + + +# --- Number of material phases +Phases=3 + +# --- PHASE 1 fibre +phase1_type="isotropic" +materialParameters_phase1 = [1.2, 0.48] +def prestrain_phase1(x): + factor=1 + return [[factor,0,0],[0,factor,0],[0,0,factor]] + + +# --- PHASE 2 fibre +phase2_type="isotropic" +# E in MPa and nu +materialParameters_phase2 = [1.2,0.48] +def prestrain_phase2(x): + return prestrain_phase1(x) + + +# --- PHASE 3 matrix +phase3_type="isotropic" +materialParameters_phase3 = [1, 0.4] +def prestrain_phase3(x): + factor = 0 + return [[factor,0,0],[0,factor,0],[0,0,factor]] diff --git a/experiment/theoretical_2/PolarPlotLocalEnergy.py b/experiment/theoretical_2/PolarPlotLocalEnergy.py new file mode 100644 index 0000000000000000000000000000000000000000..ad57e56bb06fabee2a7d90464433a3c111fad630 --- /dev/null +++ b/experiment/theoretical_2/PolarPlotLocalEnergy.py @@ -0,0 +1,102 @@ +#!/usr/bin/env python3 +# -*- coding: utf-8 -*- +""" +Created on Wed Jul 6 13:17:28 2022 + +@author: stefan +""" +import numpy as np +import matplotlib.pyplot as plt +import matplotlib.colors as colors +import codecs + + + +def energy(kappa,alpha,Q,B) : + G=kappa*np.array([[np.cos(alpha)**2],[np.sin(alpha)**2],[np.sqrt(2)*np.cos(alpha)*np.sin(alpha)]])-B + return np.matmul(np.transpose(G),np.matmul(Q,G))[0,0] + +def xytokappaalpha(x,y): + + if y>0: + return [np.sqrt(x**2+y**2), np.abs(np.arctan2(y,x))] + else: + return [-np.sqrt(x**2+y**2), np.abs(np.arctan2(y,x))] + +# Read effective quantites +def ReadEffectiveQuantities(QFilePath, BFilePath): + # Read Output Matrices (effective quantities) + # From Cell-Problem output Files : ../outputs/Qmatrix.txt , ../outputs/Bmatrix.txt + # -- Read Matrix Qhom + X = [] + # with codecs.open(path + '/outputs/QMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(QFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + Q = np.array([[X[0][2], X[1][2], X[2][2]], + [X[3][2], X[4][2], X[5][2]], + [X[6][2], X[7][2], X[8][2]] ]) + + # -- Read Beff (as Vector) + X = [] + # with codecs.open(path + '/outputs/BMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(BFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + B = np.array([X[0][2], X[1][2], X[2][2]]) + return Q, B + +number=4 +kappa=np.zeros(number) +select=range(0,number) +# select=[2] +for n in select: + # Read from Date + print(str(n)) + Path='./experiment/theoretical/results_test1/' + Path="./results_test1/" + DataPath = Path+str(n) + QFilePath = DataPath + '/QMatrix.txt' + BFilePath = DataPath + '/BMatrix.txt' + Q, B = ReadEffectiveQuantities(QFilePath,BFilePath) + # Q=0.5*(np.transpose(Q)+Q) # symmetrize + B=np.transpose([B]) + # + + N=500 + length=0.5 + r, theta = np.meshgrid(np.linspace(0,length,N),np.radians(np.linspace(0, 360, N))) + E=np.zeros(np.shape(r)) + for i in range(0,N): + for j in range(0,N): + if theta[i,j]<np.pi: + E[i,j]=energy(r[i,j],theta[i,j],Q,B) + else: + E[i,j]=energy(-r[i,j],theta[i,j],Q,B) + + # Compute Minimizer + [imin,jmin]=np.unravel_index(E.argmin(),(N,N)) + kappamin=r[imin,jmin] + alphamin=theta[imin,jmin] + kappa[n]=kappamin + fig, ax = plt.subplots(figsize=(6,6),subplot_kw=dict(projection='polar')) + levs=np.geomspace(E.min(),E.max(),400) + pcm=ax.contourf(theta, r, E, levs, norm=colors.PowerNorm(gamma=0.2), cmap='brg') + ax.set_xticks([0,np.pi/2]) + ax.set_yticks([kappamin]) + colorbarticks=np.linspace(E.min(),E.max(),6) + # plt.colorbar(pcm, extend='max', ticks=colorbarticks, pad=0.1) + plt.show() + print("Symmetrigap: "+str(energy(-kappamin,0,Q,B)-energy(kappamin,np.pi/2,Q,B))) + +fig.savefig(Path+'localenergy.png', dpi=300) +f = open(Path+"kappa_simulation.txt", "w") +f.write("kappa = "+str(kappa)) +f.close() + +# theta_n=[1, 2, 4] +# plt.scatter(theta_n, kappa, marker='x') +# plt.show() + diff --git a/experiment/theoretical_2/__pycache__/elasticity_toolbox.cpython-310.pyc b/experiment/theoretical_2/__pycache__/elasticity_toolbox.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..8ed13a96b736766cdea873b97191ff295304f9e6 Binary files /dev/null and b/experiment/theoretical_2/__pycache__/elasticity_toolbox.cpython-310.pyc differ diff --git a/experiment/theoretical_2/__pycache__/theoretical_material.cpython-310.pyc b/experiment/theoretical_2/__pycache__/theoretical_material.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..0ccdeffe72fe22cbe43c791e93be6a6d7dfa136f Binary files /dev/null and b/experiment/theoretical_2/__pycache__/theoretical_material.cpython-310.pyc differ diff --git a/experiment/theoretical_2/__pycache__/theoretical_material1.cpython-310.pyc b/experiment/theoretical_2/__pycache__/theoretical_material1.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..b62f3f71bf0cfd1992f18da7252835200a5a54ef Binary files /dev/null and b/experiment/theoretical_2/__pycache__/theoretical_material1.cpython-310.pyc differ diff --git a/experiment/theoretical_2/__pycache__/theoretical_material2.cpython-310.pyc b/experiment/theoretical_2/__pycache__/theoretical_material2.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..9427db21256c23eb1f45774cd2aabb9879f6bf6e Binary files /dev/null and b/experiment/theoretical_2/__pycache__/theoretical_material2.cpython-310.pyc differ diff --git a/experiment/theoretical_2/__pycache__/theoretical_material3.cpython-310.pyc b/experiment/theoretical_2/__pycache__/theoretical_material3.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..3d3dd3e00611331b17055277e427f2a1e316c585 Binary files /dev/null and b/experiment/theoretical_2/__pycache__/theoretical_material3.cpython-310.pyc differ diff --git a/experiment/theoretical_2/auswertung_test1.py b/experiment/theoretical_2/auswertung_test1.py new file mode 100644 index 0000000000000000000000000000000000000000..b92a38b49bcdbca7936908bccdd76932007697e8 --- /dev/null +++ b/experiment/theoretical_2/auswertung_test1.py @@ -0,0 +1,30 @@ +#!/usr/bin/env python3 +# -*- coding: utf-8 -*- +""" +Created on Wed Jul 6 13:17:28 2022 + +@author: stefan +""" +import numpy as np +import matplotlib.pyplot as plt +import matplotlib.colors as colors +from matplotlib.ticker import StrMethodFormatter +import codecs + + +kappa = [0.05931864, 0.16352705, 0.24529058, 0.27735471] +theta_r=[1/8, 1/4, 3/8, 1/2] +# plotting a line plot after changing it's width and height +f = plt.figure() +f.set_figwidth(3) +f.set_figheight(3) +plt.gca().yaxis.set_major_formatter(StrMethodFormatter('{x:,.3f}')) # 2 decimal places +plt.gca().xaxis.set_major_formatter(StrMethodFormatter('{x:,.3f}')) # 2 decimal places +plt.scatter(theta_r, kappa, marker='D') +plt.xticks(theta_r) +plt.yticks(kappa) +plt.ylabel(r"$\kappa$") +plt.xlabel(r"$r$") +# plt.legend() +plt.show() + diff --git a/experiment/theoretical_2/auswertung_test2.py b/experiment/theoretical_2/auswertung_test2.py new file mode 100644 index 0000000000000000000000000000000000000000..12c0e732b5adddf6a039705bec61175c1b4e0cea --- /dev/null +++ b/experiment/theoretical_2/auswertung_test2.py @@ -0,0 +1,104 @@ +#!/usr/bin/env python3 +# -*- coding: utf-8 -*- +""" +Created on Wed Jul 6 13:17:28 2022 + +@author: stefan +""" +import numpy as np +import matplotlib.pyplot as plt +import matplotlib.colors as colors +import codecs + + + +def energy(kappa,alpha,Q,B) : + G=kappa*np.array([[np.cos(alpha)**2],[np.sin(alpha)**2],[np.sqrt(2)*np.cos(alpha)*np.sin(alpha)]])-B + return np.matmul(np.transpose(G),np.matmul(Q,G))[0,0] + +def xytokappaalpha(x,y): + + if y>0: + return [np.sqrt(x**2+y**2), np.abs(np.arctan2(y,x))] + else: + return [-np.sqrt(x**2+y**2), np.abs(np.arctan2(y,x))] + +# Read effective quantites +def ReadEffectiveQuantities(QFilePath, BFilePath): + # Read Output Matrices (effective quantities) + # From Cell-Problem output Files : ../outputs/Qmatrix.txt , ../outputs/Bmatrix.txt + # -- Read Matrix Qhom + X = [] + # with codecs.open(path + '/outputs/QMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(QFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + Q = np.array([[X[0][2], X[1][2], X[2][2]], + [X[3][2], X[4][2], X[5][2]], + [X[6][2], X[7][2], X[8][2]] ]) + + # -- Read Beff (as Vector) + X = [] + # with codecs.open(path + '/outputs/BMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(BFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + B = np.array([X[0][2], X[1][2], X[2][2]]) + return Q, B + +number=3 +kappa=np.zeros(number) +select=range(0,number) +#select=[0] +for n in select: + # Read from Date + print(str(n)) + # Path='./experiment/theoretical/results_test2/' + Path="./results_test2/" + DataPath = Path+str(n) + QFilePath = DataPath + '/QMatrix.txt' + BFilePath = DataPath + '/BMatrix.txt' + Q, B = ReadEffectiveQuantities(QFilePath,BFilePath) + # Q=0.5*(np.transpose(Q)+Q) # symmetrize + B=np.transpose([B]) + # + + N=500 + length=.5 + r, theta = np.meshgrid(np.linspace(0,length,N),np.radians(np.linspace(0, 360, N))) + E=np.zeros(np.shape(r)) + for i in range(0,N): + for j in range(0,N): + if theta[i,j]<np.pi: + E[i,j]=energy(r[i,j],theta[i,j],Q,B) + else: + E[i,j]=energy(-r[i,j],theta[i,j],Q,B) + + # Compute Minimizer + [imin,jmin]=np.unravel_index(E.argmin(),(N,N)) + kappamin=r[imin,jmin] + alphamin=theta[imin,jmin] + kappa[n]=kappamin + fig, ax = plt.subplots(figsize=(6,6),subplot_kw=dict(projection='polar')) + levs=np.geomspace(E.min(),E.max(),400) + pcm=ax.contourf(theta, r, E, levs, norm=colors.PowerNorm(gamma=0.2), cmap='brg') + ax.set_xticks([0,np.pi/2]) + ax.set_yticks([kappamin]) + colorbarticks=np.linspace(E.min(),E.max(),6) + # plt.colorbar(pcm, extend='max', ticks=colorbarticks, pad=0.1) + plt.show() + fig.savefig(Path+'localenergy'+str(n)+'.png', dpi=300) + print("Symmetrigap: "+str(np.abs(energy(-kappamin,0,Q,B)-energy(kappamin,np.pi/2,Q,B))/E.min())) + + +fig.savefig(Path+'localenergy.png', dpi=300) +f = open(Path+"kappa_simulation.txt", "w") +f.write("kappa = "+str(kappa)) +f.close() + +theta_n=[1, 2, 4] +plt.scatter(theta_n, kappa, marker='x') +plt.show() + diff --git a/experiment/theoretical_2/auswertung_test3.py b/experiment/theoretical_2/auswertung_test3.py new file mode 100644 index 0000000000000000000000000000000000000000..bb8ac9c807cf11ca6cc2758fc4ed5b04da4f43a4 --- /dev/null +++ b/experiment/theoretical_2/auswertung_test3.py @@ -0,0 +1,97 @@ +#!/usr/bin/env python3 +# -*- coding: utf-8 -*- +""" +Created on Wed Jul 6 13:17:28 2022 + +@author: stefan +""" +import numpy as np +import matplotlib.pyplot as plt +import matplotlib.colors as colors +import codecs + + + +def energy(kappa,alpha,Q,B) : + G=kappa*np.array([[np.cos(alpha)**2],[np.sin(alpha)**2],[np.sqrt(2)*np.cos(alpha)*np.sin(alpha)]])-B + return np.matmul(np.transpose(G),np.matmul(Q,G))[0,0] + +def xytokappaalpha(x,y): + + if y>0: + return [np.sqrt(x**2+y**2), np.abs(np.arctan2(y,x))] + else: + return [-np.sqrt(x**2+y**2), np.abs(np.arctan2(y,x))] + +# Read effective quantites +def ReadEffectiveQuantities(QFilePath, BFilePath): + # Read Output Matrices (effective quantities) + # From Cell-Problem output Files : ../outputs/Qmatrix.txt , ../outputs/Bmatrix.txt + # -- Read Matrix Qhom + X = [] + # with codecs.open(path + '/outputs/QMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(QFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + Q = np.array([[X[0][2], X[1][2], X[2][2]], + [X[3][2], X[4][2], X[5][2]], + [X[6][2], X[7][2], X[8][2]] ]) + + # -- Read Beff (as Vector) + X = [] + # with codecs.open(path + '/outputs/BMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(BFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + B = np.array([X[0][2], X[1][2], X[2][2]]) + return Q, B + +number=1 +kappa=np.zeros(number) +select=range(0,number) +#select=[0] +for n in select: + # Read from Date + print(str(n)) + # Path='./experiment/theoretical/results_test2/' + Path="./results_test3/" + DataPath = Path+str(n) + QFilePath = DataPath + '/QMatrix.txt' + BFilePath = DataPath + '/BMatrix.txt' + Q, B = ReadEffectiveQuantities(QFilePath,BFilePath) + # Q=0.5*(np.transpose(Q)+Q) # symmetrize + B=np.transpose([B]) + # + + N=500 + length=.5 + r, theta = np.meshgrid(np.linspace(0,length,N),np.radians(np.linspace(0, 360, N))) + E=np.zeros(np.shape(r)) + for i in range(0,N): + for j in range(0,N): + if theta[i,j]<np.pi: + E[i,j]=energy(r[i,j],theta[i,j],Q,B) + else: + E[i,j]=energy(-r[i,j],theta[i,j],Q,B) + + # Compute Minimizer + [imin,jmin]=np.unravel_index(E.argmin(),(N,N)) + kappamin=r[imin,jmin] + alphamin=theta[imin,jmin] + kappa[n]=kappamin + fig, ax = plt.subplots(figsize=(6,6),subplot_kw=dict(projection='polar')) + levs=np.geomspace(E.min(),E.max(),400) + pcm=ax.contourf(theta, r, E, levs, norm=colors.PowerNorm(gamma=0.2), cmap='brg') + ax.set_xticks([0,np.pi/2]) + ax.set_yticks([kappamin]) + colorbarticks=np.linspace(E.min(),E.max(),6) + # plt.colorbar(pcm, extend='max', ticks=colorbarticks, pad=0.1) + plt.show() + print("Symmetrigap: "+str(np.abs(energy(-kappamin,0,Q,B)-energy(kappamin,np.pi/2,Q,B))/E.min())) + + +f = open(Path+"kappa_simulation.txt", "w") +f.write("kappa = "+str(kappa)) +f.close() \ No newline at end of file diff --git a/experiment/theoretical_2/cellsolver.parset b/experiment/theoretical_2/cellsolver.parset new file mode 100644 index 0000000000000000000000000000000000000000..bdf872b1edb21a7f21cc27b8c34dcfa9ccb1ecd7 --- /dev/null +++ b/experiment/theoretical_2/cellsolver.parset @@ -0,0 +1,95 @@ +# --- Parameter File as Input for 'Cell-Problem' +# NOTE: define variables without whitespaces in between! i.e. : gamma=1.0 instead of gamma = 1.0 +# since otherwise these cant be read from other Files! +# -------------------------------------------------------- + +# Path for results and logfile +outputPath=./experiment/theoretical_2/results_test2/2 + +# Path for material description +geometryFunctionPath =experiment/theoretical_2/ + + +# --- DEBUG (Output) Option: +#print_debug = true #(default=false) + + + + +############################################# +# Grid parameters +############################################# +#---------------------------------------------------- +## numLevels : Number of Levels on which solution is computed. starting with a 2x2x2 cube mesh. +## {start,finish} computes on all grid from 2^(start) to 2^finish refinement +#---------------------------------------------------- + +numLevels=4 4 +#numLevels = 1 1 # computes all levels from first to second entry +#numLevels = 2 2 # computes all levels from first to second entry +#numLevels = 1 3 # computes all levels from first to second entry +#numLevels = 4 4 # computes all levels from first to second entry +#numLevels = 5 5 # computes all levels from first to second entry +#numLevels = 6 6 # computes all levels from first to second entry +#numLevels = 1 6 + + +############################################# +# Material / Prestrain parameters and ratios +############################################# + +# --- Choose material definition: +materialFunction = theoretical_material2 + + + +# --- Choose scale ratio gamma: +gamma=1 + +############################################# +# Assembly options +############################################# +#set_IntegralZero = true #(default = false) +#set_oneBasisFunction_Zero = true #(default = false) + +#arbitraryLocalIndex = 7 #(default = 0) +#arbitraryElementNumber = 3 #(default = 0) +############################################# + + +############################################# +# Solver Type: #1: CG - SOLVER , #2: GMRES - SOLVER, #3: QR - SOLVER (default), #4: UMFPACK - SOLVER +############################################# +Solvertype = 2 # recommended to use iterative solver (e.g GMRES) for finer grid-levels +Solver_verbosity = 0 #(default = 2) degree of information for solver output + + +############################################# +# Write/Output options #(default=false) +############################################# + +# --- (Optional output) write Material / prestrain / Corrector functions to .vtk-Files: +write_materialFunctions = true # VTK indicator function for material/prestrain definition +#write_prestrainFunctions = true # VTK norm of B (currently not implemented) + +# --- Write Correctos to VTK-File: +write_VTK = true + +# --- (Optional output) L2Error, integral mean: +#write_L2Error = true +#write_IntegralMean = true + +# --- check orthogonality (75) from paper: +write_checkOrthogonality = true + +# --- Write corrector-coefficients to log-File: +#write_corrector_phi1 = true +#write_corrector_phi2 = true +#write_corrector_phi3 = true + + +# --- Print Condition number of matrix (can be expensive): +#print_conditionNumber= true #(default=false) + +# --- write effective quantities to Matlab-folder for symbolic minimization: +write_toMATLAB = true # writes effective quantities to .txt-files QMatrix.txt and BMatrix.txt diff --git a/experiment/theoretical_2/elasticity_toolbox.py b/experiment/theoretical_2/elasticity_toolbox.py new file mode 100644 index 0000000000000000000000000000000000000000..8e61952612c0714a5b430a41660775fc0e2c23b5 --- /dev/null +++ b/experiment/theoretical_2/elasticity_toolbox.py @@ -0,0 +1,123 @@ +import math +import numpy as np + + +def strain_to_voigt(strain_matrix): + # Ensure the input matrix is a 3x3 strain matrix + if strain_matrix.shape != (3, 3): + raise ValueError("Input matrix should be a 3x3 strain matrix.") + + # Extract the components from the 3x3 strain matrix + ε_xx = strain_matrix[0, 0] + ε_yy = strain_matrix[1, 1] + ε_zz = strain_matrix[2, 2] + γ_yz = .5*(strain_matrix[1, 2]+strain_matrix[2,1]) + γ_xz = .5*(strain_matrix[0, 2]+strain_matrix[0,2]) + γ_xy = .5*(strain_matrix[0, 1]+strain_matrix[0,1]) + + # Create the Voigt notation vector + voigt_notation = np.array([ε_xx, ε_yy, ε_zz, γ_yz, γ_xz, γ_xy]) + + return voigt_notation + +def voigt_to_strain(voigt_notation): + # Ensure the input vector has 6 elements + if len(voigt_notation) != 6: + raise ValueError("Input vector should have 6 elements in Voigt notation.") + + # Extract the components from the Voigt notation vector + ε_xx = voigt_notation[0] + ε_yy = voigt_notation[1] + ε_zz = voigt_notation[2] + γ_yz = voigt_notation[3] + γ_xz = voigt_notation[4] + γ_xy = voigt_notation[5] + + # Create the 3x3 strain matrix + strain_matrix = np.array([[ε_xx, γ_xy, γ_xz], + [γ_xy, ε_yy, γ_yz], + [γ_xz, γ_yz, ε_zz]]) + + return strain_matrix + + +def rotation_matrix(ax, angle): + cos_theta = np.cos(angle) + sin_theta = np.sin(angle) + if ax==0: + Q=np.array([[0, 0, 1], + [0,1,0], + [-1,0,0] + ]) + elif ax==1: + Q=np.array([[1, 0, 0], + [0,0,1], + [0,-1,0] + ]) + else: + Q=np.array([[1, 0, 0], + [0,1,0], + [0,0,1] + ]) + + R = np.array([[cos_theta, -sin_theta, 0], + [sin_theta, cos_theta, 0], + [0, 0, 1]]) + return np.dot(np.dot(Q.T, R),Q) + +def rotation_matrix_compliance(ax,theta): + R=rotation_matrix(ax,theta) + Q_xx=R[0,0] + Q_xy=R[0,1] + Q_xz=R[0,2] + Q_yx=R[1,0] + Q_yy=R[1,1] + Q_yz=R[1,2] + Q_zx=R[2,0] + Q_zy=R[2,1] + Q_zz=R[2,2] + return np.array([ + [Q_xx**2, Q_xy**2, Q_xz**2, Q_xy*Q_xz, Q_xx*Q_xz, Q_xx*Q_xy], + [Q_yx**2, Q_yy**2, Q_yz**2, Q_yy*Q_yz, Q_yx*Q_yz, Q_yx*Q_yy], + [Q_zx**2, Q_zy**2, Q_zz**2, Q_zy*Q_zz, Q_zx*Q_zz, Q_zx*Q_zy], + [2*Q_yx*Q_zx, 2*Q_yy*Q_zy, 2*Q_yz*Q_zz, Q_yy*Q_zz + Q_yz*Q_zy, Q_yx*Q_zz + Q_yz*Q_zx, Q_yx*Q_zy + Q_yy*Q_zx], + [2*Q_xx*Q_zx, 2*Q_xy*Q_zy, 2*Q_xz*Q_zz, Q_xy*Q_zz + Q_xz*Q_zy, Q_xx*Q_zz + Q_xz*Q_zx, Q_xx*Q_zy + Q_xy*Q_zx], + [2*Q_xx*Q_yx, 2*Q_xy*Q_yy, 2*Q_xz*Q_yz, Q_xy*Q_yz + Q_xz*Q_yy, Q_xx*Q_yz + Q_xz*Q_yx, Q_xx*Q_yy + Q_xy*Q_yx] + ]) + +def rotate_strain(eps, ax, theta): + B=voigt_to_strain(np.matmul(rotation_matrix_epsilon(theta,ax),strain_to_voigt(eps))) + +import numpy as np + +def voigt_to_tensor(voigt_matrix): + tensor = np.zeros((6, 6)) + + tensor[0, 0] = voigt_matrix[0] + tensor[0, 1] = tensor[1, 0] = voigt_matrix[1] + tensor[0, 2] = tensor[2, 0] = voigt_matrix[2] + tensor[0, 3] = tensor[3, 0] = voigt_matrix[3] + tensor[0, 4] = tensor[4, 0] = voigt_matrix[4] + tensor[0, 5] = tensor[5, 0] = voigt_matrix[5] + + tensor[1, 1] = voigt_matrix[6] + tensor[1, 2] = tensor[2, 1] = voigt_matrix[7] + tensor[1, 3] = tensor[3, 1] = voigt_matrix[8] + tensor[1, 4] = tensor[4, 1] = voigt_matrix[9] + tensor[1, 5] = tensor[5, 1] = voigt_matrix[10] + + tensor[2, 2] = voigt_matrix[11] + tensor[2, 3] = tensor[3, 2] = voigt_matrix[12] + tensor[2, 4] = tensor[4, 2] = voigt_matrix[13] + tensor[2, 5] = tensor[5, 2] = voigt_matrix[14] + + tensor[3, 3] = voigt_matrix[15] + tensor[3, 4] = tensor[4, 3] = voigt_matrix[16] + tensor[3, 5] = tensor[5, 3] = voigt_matrix[17] + + tensor[4, 4] = voigt_matrix[18] + tensor[4, 5] = tensor[5, 4] = voigt_matrix[19] + + tensor[5, 5] = voigt_matrix[20] + + return tensor diff --git a/experiment/theoretical_2/results_test1/0/BMatrix.txt b/experiment/theoretical_2/results_test1/0/BMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..382c1f04f8ffa745b96cc156dfacab761d7321cb --- /dev/null +++ b/experiment/theoretical_2/results_test1/0/BMatrix.txt @@ -0,0 +1,3 @@ +1 1 -0.123280182257566068 +1 2 0.123280182257564638 +1 3 1.77110659861450202e-15 diff --git a/experiment/theoretical_2/results_test1/0/QMatrix.txt b/experiment/theoretical_2/results_test1/0/QMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..0a05d1c29d3cc86a075f9c7d312cde7f2d4c2e02 --- /dev/null +++ b/experiment/theoretical_2/results_test1/0/QMatrix.txt @@ -0,0 +1,9 @@ +1 1 0.374987917501798884 +1 2 0.194319942726730283 +1 3 8.6309216253864984e-18 +2 1 0.194319942726748657 +2 2 0.374987917501818202 +2 3 6.03108634268743199e-18 +3 1 4.70416707107210991e-15 +3 2 4.69427328949681625e-15 +3 3 0.176688452863120599 diff --git a/experiment/theoretical_2/results_test1/0/output.txt b/experiment/theoretical_2/results_test1/0/output.txt new file mode 100644 index 0000000000000000000000000000000000000000..7d5c0bd1116f640467e654fdb9cf1c54cc63dcb2 --- /dev/null +++ b/experiment/theoretical_2/results_test1/0/output.txt @@ -0,0 +1,49 @@ +Number of Grid-Elements in each direction: [8,8,8] +Solver-type used: GMRES-Solver +---------- OUTPUT ---------- + -------------------- +Corrector-Matrix M_1: +0.00112699 -3.22394e-18 0 +-3.22394e-18 -0.000552192 0 +0 0 0 + + -------------------- +Corrector-Matrix M_2: +0.000552192 -1.55429e-18 0 +-1.55429e-18 -0.00112699 0 +0 0 0 + + -------------------- +Corrector-Matrix M_3: +-4.1035e-17 -4.88854e-18 0 +-4.88854e-18 -1.5627e-16 0 +0 0 0 + + -------------------- +--- Effective moduli --- +Qeff_: +0.374988 0.19432 8.63092e-18 +0.19432 0.374988 6.03109e-18 +4.70417e-15 4.69427e-15 0.176688 + +------------------------ +--- Prestrain Output --- +Bhat_: -0.0222728 0.0222728 3.11714e-16 +Beff_: -0.12328 0.12328 1.77111e-15 (Effective Prestrain) +------------------------ +size of FiniteElementBasis: 1728 +q1=0.374988 +q2=0.374988 +q3=0.176688 +q12=0.19432 +q23=6.03109e-18 +q_onetwo=0.194320 +b1=-0.123280 +b2=0.123280 +b3=0.000000 +mu_gamma=0.176688 +--------------------------------------------------------------------------------------------------------------------------------------- + Levels | q1 | q2 | q3 | q12 | q23 | b1 | b2 | b3 | +--------------------------------------------------------------------------------------------------------------------------------------- + 3 & 3.74988e-01 & 3.74988e-01 & 1.76688e-01 & 1.94320e-01 & 6.03109e-18 & -1.23280e-01 & 1.23280e-01 & 1.77111e-15 & +--------------------------------------------------------------------------------------------------------------------------------------- diff --git a/experiment/theoretical_2/results_test1/1/BMatrix.txt b/experiment/theoretical_2/results_test1/1/BMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..bd237ef2256cf483d778582210f9447bd939b963 --- /dev/null +++ b/experiment/theoretical_2/results_test1/1/BMatrix.txt @@ -0,0 +1,3 @@ +1 1 -0.333595043604400454 +1 2 0.333595043614512143 +1 3 -7.81713654353855538e-16 diff --git a/experiment/theoretical_2/results_test1/1/QMatrix.txt b/experiment/theoretical_2/results_test1/1/QMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..8608fc14031c192887d57694c4dfde7293439221 --- /dev/null +++ b/experiment/theoretical_2/results_test1/1/QMatrix.txt @@ -0,0 +1,9 @@ +1 1 0.414802934116062283 +1 2 0.210905822948710547 +1 3 5.21258781784376089e-18 +2 1 0.210905822948966815 +2 2 0.414802934116015598 +2 3 5.0986089468788541e-18 +3 1 3.6967734955190457e-15 +3 2 3.53605063490387752e-15 +3 3 0.192605867255330493 diff --git a/experiment/theoretical_2/results_test1/1/output.txt b/experiment/theoretical_2/results_test1/1/output.txt new file mode 100644 index 0000000000000000000000000000000000000000..a0b6810a56d019868342029701d373ad38317729 --- /dev/null +++ b/experiment/theoretical_2/results_test1/1/output.txt @@ -0,0 +1,49 @@ +Number of Grid-Elements in each direction: [8,8,8] +Solver-type used: GMRES-Solver +---------- OUTPUT ---------- + -------------------- +Corrector-Matrix M_1: +0.00481143 6.95855e-19 0 +6.95855e-19 -0.00230973 0 +0 0 0 + + -------------------- +Corrector-Matrix M_2: +0.00230973 -9.94791e-19 0 +-9.94791e-19 -0.00481143 0 +0 0 0 + + -------------------- +Corrector-Matrix M_3: +-4.51041e-16 9.2713e-18 0 +9.2713e-18 -4.72512e-16 0 +0 0 0 + + -------------------- +--- Effective moduli --- +Qeff_: +0.414803 0.210906 5.21259e-18 +0.210906 0.414803 5.09861e-18 +3.69677e-15 3.53605e-15 0.192606 + +------------------------ +--- Prestrain Output --- +Bhat_: -0.0680191 0.0680191 -2.04179e-16 +Beff_: -0.333595 0.333595 -7.81714e-16 (Effective Prestrain) +------------------------ +size of FiniteElementBasis: 1728 +q1=0.414803 +q2=0.414803 +q3=0.192606 +q12=0.210906 +q23=5.09861e-18 +q_onetwo=0.210906 +b1=-0.333595 +b2=0.333595 +b3=-0.000000 +mu_gamma=0.192606 +--------------------------------------------------------------------------------------------------------------------------------------- + Levels | q1 | q2 | q3 | q12 | q23 | b1 | b2 | b3 | +--------------------------------------------------------------------------------------------------------------------------------------- + 3 & 4.14803e-01 & 4.14803e-01 & 1.92606e-01 & 2.10906e-01 & 5.09861e-18 & -3.33595e-01 & 3.33595e-01 & -7.81714e-16 & +--------------------------------------------------------------------------------------------------------------------------------------- diff --git a/experiment/theoretical_2/results_test1/2/BMatrix.txt b/experiment/theoretical_2/results_test1/2/BMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..5779f820c3459bef7c2b952e9da256a7c00638f0 --- /dev/null +++ b/experiment/theoretical_2/results_test1/2/BMatrix.txt @@ -0,0 +1,3 @@ +1 1 -0.491088832895145377 +1 2 0.491088832897109862 +1 3 3.62202927891329793e-13 diff --git a/experiment/theoretical_2/results_test1/2/QMatrix.txt b/experiment/theoretical_2/results_test1/2/QMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..15a3f62ac311bf661f0408079981603dded18c69 --- /dev/null +++ b/experiment/theoretical_2/results_test1/2/QMatrix.txt @@ -0,0 +1,9 @@ +1 1 0.457296130405472401 +1 2 0.229243729193503359 +1 3 3.66765266161112047e-19 +2 1 0.229243729193430223 +2 2 0.457296130405454526 +2 3 7.66607168912504522e-18 +3 1 6.55611907976829961e-15 +3 2 6.5151542370984767e-15 +3 3 0.210746621600492179 diff --git a/experiment/theoretical_2/results_test1/2/output.txt b/experiment/theoretical_2/results_test1/2/output.txt new file mode 100644 index 0000000000000000000000000000000000000000..212f06df1e8fe5ddeb45049ad23e5ce49e381d27 --- /dev/null +++ b/experiment/theoretical_2/results_test1/2/output.txt @@ -0,0 +1,49 @@ +Number of Grid-Elements in each direction: [8,8,8] +Solver-type used: GMRES-Solver +---------- OUTPUT ---------- + -------------------- +Corrector-Matrix M_1: +0.0077642 9.27013e-18 0 +9.27013e-18 -0.00368101 0 +0 0 0 + + -------------------- +Corrector-Matrix M_2: +0.00368101 6.6172e-18 0 +6.6172e-18 -0.0077642 0 +0 0 0 + + -------------------- +Corrector-Matrix M_3: +3.49121e-16 -5.16913e-17 0 +-5.16913e-17 3.41962e-16 0 +0 0 0 + + -------------------- +--- Effective moduli --- +Qeff_: +0.457296 0.229244 3.66765e-19 +0.229244 0.457296 7.66607e-18 +6.55612e-15 6.51515e-15 0.210747 + +------------------------ +--- Prestrain Output --- +Bhat_: -0.111994 0.111994 7.63129e-14 +Beff_: -0.491089 0.491089 3.62203e-13 (Effective Prestrain) +------------------------ +size of FiniteElementBasis: 1728 +q1=0.457296 +q2=0.457296 +q3=0.210747 +q12=0.229244 +q23=7.66607e-18 +q_onetwo=0.229244 +b1=-0.491089 +b2=0.491089 +b3=0.000000 +mu_gamma=0.210747 +--------------------------------------------------------------------------------------------------------------------------------------- + Levels | q1 | q2 | q3 | q12 | q23 | b1 | b2 | b3 | +--------------------------------------------------------------------------------------------------------------------------------------- + 3 & 4.57296e-01 & 4.57296e-01 & 2.10747e-01 & 2.29244e-01 & 7.66607e-18 & -4.91089e-01 & 4.91089e-01 & 3.62203e-13 & +--------------------------------------------------------------------------------------------------------------------------------------- diff --git a/experiment/theoretical_2/results_test1/3/BMatrix.txt b/experiment/theoretical_2/results_test1/3/BMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..395a6f51aa62a47503cd26aeea9838285fef4a3a --- /dev/null +++ b/experiment/theoretical_2/results_test1/3/BMatrix.txt @@ -0,0 +1,3 @@ +1 1 -0.551215953685474491 +1 2 0.551215953687034799 +1 3 8.54258111015289013e-13 diff --git a/experiment/theoretical_2/results_test1/3/QMatrix.txt b/experiment/theoretical_2/results_test1/3/QMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..dc43cd652ae64e3c82abac8cee7c305b5051d0a0 --- /dev/null +++ b/experiment/theoretical_2/results_test1/3/QMatrix.txt @@ -0,0 +1,9 @@ +1 1 0.498015273876332765 +1 2 0.24814277831986406 +1 3 9.33176197990062684e-18 +2 1 0.248142778319796226 +2 2 0.498015273876318165 +2 3 6.89696577301814051e-18 +3 1 -2.44044324848688866e-14 +3 2 -2.55942740654371056e-14 +3 3 0.229832427218546492 diff --git a/experiment/theoretical_2/results_test1/3/output.txt b/experiment/theoretical_2/results_test1/3/output.txt new file mode 100644 index 0000000000000000000000000000000000000000..f5057b7866cff1b349459c640d729562762c08b7 --- /dev/null +++ b/experiment/theoretical_2/results_test1/3/output.txt @@ -0,0 +1,49 @@ +Number of Grid-Elements in each direction: [8,8,8] +Solver-type used: GMRES-Solver +---------- OUTPUT ---------- + -------------------- +Corrector-Matrix M_1: +0.00797737 4.3527e-18 0 +4.3527e-18 -0.00376688 0 +0 0 0 + + -------------------- +Corrector-Matrix M_2: +0.00376688 1.16449e-17 0 +1.16449e-17 -0.00797737 0 +0 0 0 + + -------------------- +Corrector-Matrix M_3: +-8.50878e-16 -1.53362e-16 0 +-1.53362e-16 2.93525e-16 0 +0 0 0 + + -------------------- +--- Effective moduli --- +Qeff_: +0.498015 0.248143 9.33176e-18 +0.248143 0.498015 6.89697e-18 +-2.44044e-14 -2.55943e-14 0.229832 + +------------------------ +--- Prestrain Output --- +Bhat_: -0.137734 0.137734 1.9568e-13 +Beff_: -0.551216 0.551216 8.54258e-13 (Effective Prestrain) +------------------------ +size of FiniteElementBasis: 1728 +q1=0.498015 +q2=0.498015 +q3=0.229832 +q12=0.248143 +q23=6.89697e-18 +q_onetwo=0.248143 +b1=-0.551216 +b2=0.551216 +b3=0.000000 +mu_gamma=0.229832 +--------------------------------------------------------------------------------------------------------------------------------------- + Levels | q1 | q2 | q3 | q12 | q23 | b1 | b2 | b3 | +--------------------------------------------------------------------------------------------------------------------------------------- + 3 & 4.98015e-01 & 4.98015e-01 & 2.29832e-01 & 2.48143e-01 & 6.89697e-18 & -5.51216e-01 & 5.51216e-01 & 8.54258e-13 & +--------------------------------------------------------------------------------------------------------------------------------------- diff --git a/experiment/theoretical_2/results_test1/kappa_simulation.txt b/experiment/theoretical_2/results_test1/kappa_simulation.txt new file mode 100644 index 0000000000000000000000000000000000000000..392bff19e77533dad59568db67273aeb90e4df75 --- /dev/null +++ b/experiment/theoretical_2/results_test1/kappa_simulation.txt @@ -0,0 +1 @@ +kappa = [0.05911824 0.16432866 0.24448898 0.27655311] \ No newline at end of file diff --git a/experiment/theoretical_2/results_test1/parameter.txt b/experiment/theoretical_2/results_test1/parameter.txt new file mode 100644 index 0000000000000000000000000000000000000000..22e8f28fe87168df89d6091f6310e2ed79ae3d0c --- /dev/null +++ b/experiment/theoretical_2/results_test1/parameter.txt @@ -0,0 +1,2 @@ +param_r = 0.5 +param_delta_theta = 30 diff --git a/experiment/theoretical_2/results_test1/rve_half.jpeg b/experiment/theoretical_2/results_test1/rve_half.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..bec23ab73bd43ef179fe75227a8ebd0139e033a8 Binary files /dev/null and b/experiment/theoretical_2/results_test1/rve_half.jpeg differ diff --git a/experiment/theoretical_2/results_test2/0/BMatrix.txt b/experiment/theoretical_2/results_test2/0/BMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..14b830356d3abbbafa2afc7691a28254494ad621 --- /dev/null +++ b/experiment/theoretical_2/results_test2/0/BMatrix.txt @@ -0,0 +1,3 @@ +1 1 -0.522393071254333985 +1 2 0.522393071255300323 +1 3 2.32621611036982895e-14 diff --git a/experiment/theoretical_2/results_test2/0/QMatrix.txt b/experiment/theoretical_2/results_test2/0/QMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..095f8c7130896c4be7030f09a810347d55053cfd --- /dev/null +++ b/experiment/theoretical_2/results_test2/0/QMatrix.txt @@ -0,0 +1,9 @@ +1 1 0.469750821030932297 +1 2 0.220796419904863817 +1 3 -1.62041108578891892e-17 +2 1 0.220796419904601637 +2 2 0.469750821030746724 +2 3 -2.48593582107296471e-18 +3 1 -1.64371455035466083e-16 +3 2 -1.28871827760005525e-16 +3 3 0.229724552066225496 diff --git a/experiment/theoretical_2/results_test2/0/output.txt b/experiment/theoretical_2/results_test2/0/output.txt new file mode 100644 index 0000000000000000000000000000000000000000..09698ec6c75ce7b401a4a832bf607b13fc3b1de5 --- /dev/null +++ b/experiment/theoretical_2/results_test2/0/output.txt @@ -0,0 +1,49 @@ +Number of Grid-Elements in each direction: [16,16,16] +Solver-type used: GMRES-Solver +---------- OUTPUT ---------- + -------------------- +Corrector-Matrix M_1: +0.00944596 2.01583e-17 0 +2.01583e-17 -0.00441411 0 +0 0 0 + + -------------------- +Corrector-Matrix M_2: +0.00441411 1.47896e-17 0 +1.47896e-17 -0.00944596 0 +0 0 0 + + -------------------- +Corrector-Matrix M_3: +-5.87996e-17 -5.00143e-16 0 +-5.00143e-16 -7.03779e-17 0 +0 0 0 + + -------------------- +--- Effective moduli --- +Qeff_: +0.469751 0.220796 -1.62041e-17 +0.220796 0.469751 -2.48594e-18 +-1.64371e-16 -1.28872e-16 0.229725 + +------------------------ +--- Prestrain Output --- +Bhat_: -0.130052 0.130052 5.36243e-15 +Beff_: -0.522393 0.522393 2.32622e-14 (Effective Prestrain) +------------------------ +size of FiniteElementBasis: 13056 +q1=0.469751 +q2=0.469751 +q3=0.229725 +q12=0.220796 +q23=-2.48594e-18 +q_onetwo=0.220796 +b1=-0.522393 +b2=0.522393 +b3=0.000000 +mu_gamma=0.229725 +--------------------------------------------------------------------------------------------------------------------------------------- + Levels | q1 | q2 | q3 | q12 | q23 | b1 | b2 | b3 | +--------------------------------------------------------------------------------------------------------------------------------------- + 4 & 4.69751e-01 & 4.69751e-01 & 2.29725e-01 & 2.20796e-01 & -2.48594e-18 & -5.22393e-01 & 5.22393e-01 & 2.32622e-14 & +--------------------------------------------------------------------------------------------------------------------------------------- diff --git a/experiment/theoretical_2/results_test2/0/parameter2.txt b/experiment/theoretical_2/results_test2/0/parameter2.txt new file mode 100644 index 0000000000000000000000000000000000000000..22e8f28fe87168df89d6091f6310e2ed79ae3d0c --- /dev/null +++ b/experiment/theoretical_2/results_test2/0/parameter2.txt @@ -0,0 +1,2 @@ +param_r = 0.5 +param_delta_theta = 30 diff --git a/experiment/theoretical_2/results_test2/1/BMatrix.txt b/experiment/theoretical_2/results_test2/1/BMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..a9a5d92d750664d83bec7a58a4657b020e330ef4 --- /dev/null +++ b/experiment/theoretical_2/results_test2/1/BMatrix.txt @@ -0,0 +1,3 @@ +1 1 -0.609422675636300037 +1 2 0.522096508738632337 +1 3 4.58229300318429858e-14 diff --git a/experiment/theoretical_2/results_test2/1/QMatrix.txt b/experiment/theoretical_2/results_test2/1/QMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..27e11ef31b30d83c278e905e88b3da918fabca0d --- /dev/null +++ b/experiment/theoretical_2/results_test2/1/QMatrix.txt @@ -0,0 +1,9 @@ +1 1 0.475252081960640504 +1 2 0.223477514957490825 +1 3 -2.74598817076983576e-18 +2 1 0.223477514992098975 +2 2 0.471068750728537655 +2 3 4.54678021663247828e-18 +3 1 -7.65290032679524085e-16 +3 2 -8.60319982520964125e-16 +3 3 0.228423243339539533 diff --git a/experiment/theoretical_2/results_test2/1/output.txt b/experiment/theoretical_2/results_test2/1/output.txt new file mode 100644 index 0000000000000000000000000000000000000000..fe8895b85757fa5c48d56fecfeeefbbebc8fe758 --- /dev/null +++ b/experiment/theoretical_2/results_test2/1/output.txt @@ -0,0 +1,49 @@ +Number of Grid-Elements in each direction: [16,16,16] +Solver-type used: GMRES-Solver +---------- OUTPUT ---------- + -------------------- +Corrector-Matrix M_1: +0.00606915 3.87329e-18 0 +3.87329e-18 -0.00452178 0 +0 0 0 + + -------------------- +Corrector-Matrix M_2: +0.00279544 5.8684e-18 0 +5.8684e-18 -0.0094887 0 +0 0 0 + + -------------------- +Corrector-Matrix M_3: +-3.75982e-17 0.000599223 0 +0.000599223 -1.5556e-16 0 +0 0 0 + + -------------------- +--- Effective moduli --- +Qeff_: +0.475252 0.223478 -2.74599e-18 +0.223478 0.471069 4.54678e-18 +-7.6529e-16 -8.6032e-16 0.228423 + +------------------------ +--- Prestrain Output --- +Bhat_: -0.172953 0.109751 1.04842e-14 +Beff_: -0.609423 0.522097 4.58229e-14 (Effective Prestrain) +------------------------ +size of FiniteElementBasis: 13056 +q1=0.475252 +q2=0.471069 +q3=0.228423 +q12=0.223478 +q23=4.54678e-18 +q_onetwo=0.223478 +b1=-0.609423 +b2=0.522097 +b3=0.000000 +mu_gamma=0.228423 +--------------------------------------------------------------------------------------------------------------------------------------- + Levels | q1 | q2 | q3 | q12 | q23 | b1 | b2 | b3 | +--------------------------------------------------------------------------------------------------------------------------------------- + 4 & 4.75252e-01 & 4.71069e-01 & 2.28423e-01 & 2.23478e-01 & 4.54678e-18 & -6.09423e-01 & 5.22097e-01 & 4.58229e-14 & +--------------------------------------------------------------------------------------------------------------------------------------- diff --git a/experiment/theoretical_2/results_test2/2/BMatrix.txt b/experiment/theoretical_2/results_test2/2/BMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..16c5d5cce32c63d51c65fa8166300f0517615993 --- /dev/null +++ b/experiment/theoretical_2/results_test2/2/BMatrix.txt @@ -0,0 +1,3 @@ +1 1 -0.676375272740408429 +1 2 0.521427601721522249 +1 3 7.89018875316103266e-14 diff --git a/experiment/theoretical_2/results_test2/2/QMatrix.txt b/experiment/theoretical_2/results_test2/2/QMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..5acc8980a183c2c61c4496d8925de977c1240bed --- /dev/null +++ b/experiment/theoretical_2/results_test2/2/QMatrix.txt @@ -0,0 +1,9 @@ +1 1 0.481525647884904262 +1 2 0.22653129194639926 +1 3 4.58412907565047259e-18 +2 1 0.226531291945108765 +2 2 0.472564261351071491 +2 3 -5.18251814821623323e-19 +3 1 -1.50195884192366006e-15 +3 2 -1.52599420251283379e-15 +3 3 0.227924926820381762 diff --git a/experiment/theoretical_2/results_test2/2/output.txt b/experiment/theoretical_2/results_test2/2/output.txt new file mode 100644 index 0000000000000000000000000000000000000000..95551b781976263c5f1fb8c25fb655e0d8ceddd6 --- /dev/null +++ b/experiment/theoretical_2/results_test2/2/output.txt @@ -0,0 +1,49 @@ +Number of Grid-Elements in each direction: [16,16,16] +Solver-type used: GMRES-Solver +---------- OUTPUT ---------- + -------------------- +Corrector-Matrix M_1: +0.00317997 4.8727e-18 0 +4.8727e-18 -0.00461286 0 +0 0 0 + + -------------------- +Corrector-Matrix M_2: +0.00140306 5.93056e-18 0 +5.93056e-18 -0.00952624 0 +0 0 0 + + -------------------- +Corrector-Matrix M_3: +3.1508e-16 0.000760481 0 +0.000760481 2.50448e-16 0 +0 0 0 + + -------------------- +--- Effective moduli --- +Qeff_: +0.481526 0.226531 4.58413e-18 +0.226531 0.472564 -5.18252e-19 +-1.50196e-15 -1.52599e-15 0.227925 + +------------------------ +--- Prestrain Output --- +Bhat_: -0.207572 0.0931879 1.82039e-14 +Beff_: -0.676375 0.521428 7.89019e-14 (Effective Prestrain) +------------------------ +size of FiniteElementBasis: 13056 +q1=0.481526 +q2=0.472564 +q3=0.227925 +q12=0.226531 +q23=-5.18252e-19 +q_onetwo=0.226531 +b1=-0.676375 +b2=0.521428 +b3=0.000000 +mu_gamma=0.227925 +--------------------------------------------------------------------------------------------------------------------------------------- + Levels | q1 | q2 | q3 | q12 | q23 | b1 | b2 | b3 | +--------------------------------------------------------------------------------------------------------------------------------------- + 4 & 4.81526e-01 & 4.72564e-01 & 2.27925e-01 & 2.26531e-01 & -5.18252e-19 & -6.76375e-01 & 5.21428e-01 & 7.89019e-14 & +--------------------------------------------------------------------------------------------------------------------------------------- diff --git a/experiment/theoretical_2/results_test2/kappa_simulation.txt b/experiment/theoretical_2/results_test2/kappa_simulation.txt new file mode 100644 index 0000000000000000000000000000000000000000..2e746002c89c19657079cfa1ae3399091b3ae7be --- /dev/null +++ b/experiment/theoretical_2/results_test2/kappa_simulation.txt @@ -0,0 +1 @@ +kappa = [0.27655311 0.36372745 0.43086172] \ No newline at end of file diff --git a/experiment/theoretical_2/results_test2/parameter.txt b/experiment/theoretical_2/results_test2/parameter.txt new file mode 100644 index 0000000000000000000000000000000000000000..cb7ed6fe5e97218d8a6dca260c2e56e334bf56ad --- /dev/null +++ b/experiment/theoretical_2/results_test2/parameter.txt @@ -0,0 +1 @@ +param_n = 4 diff --git a/experiment/theoretical_2/results_test2/rve_2_fach.jpeg b/experiment/theoretical_2/results_test2/rve_2_fach.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..7864954ba7b426649458bbd279e102bd40996216 Binary files /dev/null and b/experiment/theoretical_2/results_test2/rve_2_fach.jpeg differ diff --git a/experiment/theoretical_2/results_test2/rve_4_fach.jpeg b/experiment/theoretical_2/results_test2/rve_4_fach.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..d79d2ff166d8aec2b355fe36631046ffc0037c8b Binary files /dev/null and b/experiment/theoretical_2/results_test2/rve_4_fach.jpeg differ diff --git a/experiment/theoretical_2/results_test3/0/BMatrix.txt b/experiment/theoretical_2/results_test3/0/BMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..c6c812e71fcc7b221c7ba6b74c825cf8ce59d431 --- /dev/null +++ b/experiment/theoretical_2/results_test3/0/BMatrix.txt @@ -0,0 +1,3 @@ +1 1 -0.0633741371006788096 +1 2 0.25480782549535913 +1 3 0.20176632004029707 diff --git a/experiment/theoretical_2/results_test3/0/QMatrix.txt b/experiment/theoretical_2/results_test3/0/QMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..bb8c3ffd4b52542a6b9a2f1506e18a11f125d904 --- /dev/null +++ b/experiment/theoretical_2/results_test3/0/QMatrix.txt @@ -0,0 +1,9 @@ +1 1 0.40001961941709957 +1 2 0.192068502577749906 +1 3 0.00294787441142078162 +2 1 0.192068502557600523 +2 2 0.391865825867198925 +2 3 0.00292621902049723702 +3 1 0.00294787443992306592 +3 2 0.00292621903469695958 +3 3 0.202188765930722075 diff --git a/experiment/theoretical_2/results_test3/0/output.txt b/experiment/theoretical_2/results_test3/0/output.txt new file mode 100644 index 0000000000000000000000000000000000000000..e556adc4aa0cc01761936dd0223adae9a3f3e2bd --- /dev/null +++ b/experiment/theoretical_2/results_test3/0/output.txt @@ -0,0 +1,49 @@ +Number of Grid-Elements in each direction: [16,16,16] +Solver-type used: GMRES-Solver +---------- OUTPUT ---------- + -------------------- +Corrector-Matrix M_1: +0.000283509 -0.00241778 0 +-0.00241778 -0.00366167 0 +0 0 0 + + -------------------- +Corrector-Matrix M_2: +-0.000657069 -0.00239924 0 +-0.00239924 -0.00593184 0 +0 0 0 + + -------------------- +Corrector-Matrix M_3: +-0.00115851 -0.00809113 0 +-0.00809113 -0.00118349 0 +0 0 0 + + -------------------- +--- Effective moduli --- +Qeff_: +0.40002 0.192069 0.00294787 +0.192069 0.391866 0.00292622 +0.00294787 0.00292622 0.202189 + +------------------------ +--- Prestrain Output --- +Bhat_: 0.0241844 0.0882687 0.0413537 +Beff_: -0.0633741 0.254808 0.201766 (Effective Prestrain) +------------------------ +size of FiniteElementBasis: 13056 +q1=0.40002 +q2=0.391866 +q3=0.202189 +q12=0.192069 +q23=0.00292622 +q_onetwo=0.192069 +b1=-0.063374 +b2=0.254808 +b3=0.201766 +mu_gamma=0.202189 +--------------------------------------------------------------------------------------------------------------------------------------- + Levels | q1 | q2 | q3 | q12 | q23 | b1 | b2 | b3 | +--------------------------------------------------------------------------------------------------------------------------------------- + 4 & 4.00020e-01 & 3.91866e-01 & 2.02189e-01 & 1.92069e-01 & 2.92622e-03 & -6.33741e-02 & 2.54808e-01 & 2.01766e-01 & +--------------------------------------------------------------------------------------------------------------------------------------- diff --git a/experiment/theoretical_2/results_test3/RVE.jpeg b/experiment/theoretical_2/results_test3/RVE.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..bd6cd9755c3926f848c108dd1280d638a92c7336 Binary files /dev/null and b/experiment/theoretical_2/results_test3/RVE.jpeg differ diff --git a/experiment/theoretical_2/results_test3/kappa_simulation.txt b/experiment/theoretical_2/results_test3/kappa_simulation.txt new file mode 100644 index 0000000000000000000000000000000000000000..160cb0acefabe68e44ac22183b9d8ccdd638c3eb --- /dev/null +++ b/experiment/theoretical_2/results_test3/kappa_simulation.txt @@ -0,0 +1 @@ +kappa = [0.25150301] \ No newline at end of file diff --git a/experiment/theoretical_2/results_test3/parameter.txt b/experiment/theoretical_2/results_test3/parameter.txt new file mode 100644 index 0000000000000000000000000000000000000000..7e4e0bb090e00485c67e8942d19f08220e129d3c --- /dev/null +++ b/experiment/theoretical_2/results_test3/parameter.txt @@ -0,0 +1,2 @@ +param_r = 0.25 +param_delta_theta = 30 diff --git a/experiment/theoretical_2/rve.jpeg b/experiment/theoretical_2/rve.jpeg new file mode 100644 index 0000000000000000000000000000000000000000..6a858ea10fb96cd725c8d9219a77b330298af0dc Binary files /dev/null and b/experiment/theoretical_2/rve.jpeg differ diff --git a/experiment/theoretical_2/test1.py b/experiment/theoretical_2/test1.py new file mode 100644 index 0000000000000000000000000000000000000000..fa46865950269eb3cc4798c970d635c0805dba7a --- /dev/null +++ b/experiment/theoretical_2/test1.py @@ -0,0 +1,144 @@ +import subprocess +import re +import os +import numpy as np +import matplotlib.pyplot as plt +import math +import fileinput +import time +import matplotlib.ticker as tickers +import matplotlib as mpl +from matplotlib.ticker import MultipleLocator,FormatStrFormatter,MaxNLocator +import codecs +import sys +import threading + +# Schreibe input datei für Parameter +def SetParametersCellProblem(ParameterSet, ParsetFilePath, outputPath): + print('----set Parameters -----') + with open(ParsetFilePath, 'r') as file: + filedata = file.read() + filedata = re.sub('(?m)^materialFunction\s?=.*','materialFunction = '+str(ParameterSet.materialFunction),filedata) + filedata = re.sub('(?m)^gamma\s?=.*','gamma='+str(ParameterSet.gamma),filedata) + filedata = re.sub('(?m)^numLevels\s?=.*','numLevels='+str(ParameterSet.numLevels)+' '+str(ParameterSet.numLevels) ,filedata) + filedata = re.sub('(?m)^outputPath\s?=\s?.*','outputPath='+str(outputPath),filedata) + f = open(ParsetFilePath,'w') + f.write(filedata) + f.close() + + +# Ändere Parameter der MaterialFunction +def SetParameterMaterialFunction(materialFunction, parameterName, parameterValue): + with open(Path+"/"+materialFunction+'.py', 'r') as file: + filedata = file.read() + filedata = re.sub('(?m)^'+str(parameterName)+'\s?=.*',str(parameterName)+' = '+str(parameterValue),filedata) + f = open(Path+"/"+materialFunction+'.py','w') + f.write(filedata) + f.close() + +# Rufe Programm zum Lösen des Cell-Problems auf +def run_CellProblem(executable, parset,write_LOG): + print('----- RUN Cell-Problem ----') + processList = [] + LOGFILE = "Cell-Problem_output.log" + print('LOGFILE:',LOGFILE) + print('executable:',executable) + if write_LOG: + p = subprocess.Popen(executable + parset + + " | tee " + LOGFILE, shell=True) + + else: + p = subprocess.Popen(executable + parset + + " | tee " + LOGFILE, shell=True) + + p.wait() # wait + processList.append(p) + exit_codes = [p.wait() for p in processList] + + return + +# Read effective quantites +def ReadEffectiveQuantities(QFilePath = os.path.dirname(os.getcwd()) + '/outputs/QMatrix.txt', BFilePath = os.path.dirname(os.getcwd())+ '/outputs/BMatrix.txt'): + # Read Output Matrices (effective quantities) + # From Cell-Problem output Files : ../outputs/Qmatrix.txt , ../outputs/Bmatrix.txt + # -- Read Matrix Qhom + X = [] + # with codecs.open(path + '/outputs/QMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(QFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + Q = np.array([[X[0][2], X[1][2], X[2][2]], + [X[3][2], X[4][2], X[5][2]], + [X[6][2], X[7][2], X[8][2]] ]) + + # -- Read Beff (as Vector) + X = [] + # with codecs.open(path + '/outputs/BMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(BFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + B = np.array([X[0][2], X[1][2], X[2][2]]) + return Q, B + +# Function for evaluating the energy in terms of kappa, alpha and Q, B +def eval_energy(kappa,alpha,Q,B) : + G=kappa*np.array([[np.cos(alpha)**2],[np.sin(alpha)**2],[np.sqrt(2)*np.cos(alpha)*np.sin(alpha)]])-B + return np.matmul(np.transpose(G),np.matmul(Q,G))[0,0] + +#------------------------------------------------------------------------------------------------------- +######################## +#### SET PARAMETERS #### +######################## +# ----- Setup Paths ----- +Path = "./experiment/theoretical_2" +# parset = ' ./experiment/wood-bilayer/cellsolver.parset.wood' +ParsetFile = Path + '/cellsolver.parset' +executable = 'build-cmake/src/Cell-Problem' +write_LOG = True # writes Cell-Problem output-LOG in "Cell-Problem_output.log" + +# --------------------------------- +# Setup Experiment +# --------------------------------- +outputPath = Path + '/results_test1/' + +# ----- Define Input parameters -------------------- +class ParameterSet: + pass + +ParameterSet.materialFunction = "theoretical_material1" +ParameterSet.gamma=1 +ParameterSet.numLevels=3 + +# ----- Define Parameters for Material Function -------------------- +# Liste mit Drehwinkel eigenstrain +materialFunctionParameter=[[1/8, 30],[1/4, 30], [3/8,30], [1/2, 30]] + +# ------ Loops through Parameters for Material Function ----------- +for i in range(0,np.shape(materialFunctionParameter)[0]): + print("------------------") + print("New Loop") + print("------------------") + # Check output directory + path = outputPath + str(i) + isExist = os.path.exists(path) + if not isExist: + # Create a new directory because it does not exist + os.makedirs(path) + print("The new directory " + path + " is created!") + # keine Parameter daher naechste Zeiel auskommentiert + SetParameterMaterialFunction(ParameterSet.materialFunction, "param_r",materialFunctionParameter[i][0]) + SetParameterMaterialFunction(ParameterSet.materialFunction, "param_delta_theta",materialFunctionParameter[i][0]) + SetParametersCellProblem(ParameterSet, ParsetFile, path) + #Run Cell-Problem + thread = threading.Thread(target=run_CellProblem(executable, " ./"+ParsetFile, write_LOG)) + thread.start() + # --------------------------------------------------- + # wait here for the result to be available before continuing + thread.join() + f = open(outputPath+"parameter.txt", "w") + f.write("param_r = "+str(materialFunctionParameter[i][0])+"\n") + f.write("param_delta_theta = "+str(materialFunctionParameter[i][1])+"\n") + f.close() + # diff --git a/experiment/theoretical_2/test2.py b/experiment/theoretical_2/test2.py new file mode 100644 index 0000000000000000000000000000000000000000..78ff0bcba62b330c63a7c9bc039180d1ea2b4919 --- /dev/null +++ b/experiment/theoretical_2/test2.py @@ -0,0 +1,142 @@ +import subprocess +import re +import os +import numpy as np +import matplotlib.pyplot as plt +import math +import fileinput +import time +import matplotlib.ticker as tickers +import matplotlib as mpl +from matplotlib.ticker import MultipleLocator,FormatStrFormatter,MaxNLocator +import codecs +import sys +import threading + +# Schreibe input datei für Parameter +def SetParametersCellProblem(ParameterSet, ParsetFilePath, outputPath): + print('----set Parameters -----') + with open(ParsetFilePath, 'r') as file: + filedata = file.read() + filedata = re.sub('(?m)^materialFunction\s?=.*','materialFunction = '+str(ParameterSet.materialFunction),filedata) + filedata = re.sub('(?m)^gamma\s?=.*','gamma='+str(ParameterSet.gamma),filedata) + filedata = re.sub('(?m)^numLevels\s?=.*','numLevels='+str(ParameterSet.numLevels)+' '+str(ParameterSet.numLevels) ,filedata) + filedata = re.sub('(?m)^outputPath\s?=\s?.*','outputPath='+str(outputPath),filedata) + f = open(ParsetFilePath,'w') + f.write(filedata) + f.close() + + +# Ändere Parameter der MaterialFunction +def SetParameterMaterialFunction(materialFunction, parameterName, parameterValue): + with open(Path+"/"+materialFunction+'.py', 'r') as file: + filedata = file.read() + filedata = re.sub('(?m)^'+str(parameterName)+'\s?=.*',str(parameterName)+' = '+str(parameterValue),filedata) + f = open(Path+"/"+materialFunction+'.py','w') + f.write(filedata) + f.close() + +# Rufe Programm zum Lösen des Cell-Problems auf +def run_CellProblem(executable, parset,write_LOG): + print('----- RUN Cell-Problem ----') + processList = [] + LOGFILE = "Cell-Problem_output.log" + print('LOGFILE:',LOGFILE) + print('executable:',executable) + if write_LOG: + p = subprocess.Popen(executable + parset + + " | tee " + LOGFILE, shell=True) + + else: + p = subprocess.Popen(executable + parset + + " | tee " + LOGFILE, shell=True) + + p.wait() # wait + processList.append(p) + exit_codes = [p.wait() for p in processList] + + return + +# Read effective quantites +def ReadEffectiveQuantities(QFilePath = os.path.dirname(os.getcwd()) + '/outputs/QMatrix.txt', BFilePath = os.path.dirname(os.getcwd())+ '/outputs/BMatrix.txt'): + # Read Output Matrices (effective quantities) + # From Cell-Problem output Files : ../outputs/Qmatrix.txt , ../outputs/Bmatrix.txt + # -- Read Matrix Qhom + X = [] + # with codecs.open(path + '/outputs/QMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(QFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + Q = np.array([[X[0][2], X[1][2], X[2][2]], + [X[3][2], X[4][2], X[5][2]], + [X[6][2], X[7][2], X[8][2]] ]) + + # -- Read Beff (as Vector) + X = [] + # with codecs.open(path + '/outputs/BMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(BFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + B = np.array([X[0][2], X[1][2], X[2][2]]) + return Q, B + +# Function for evaluating the energy in terms of kappa, alpha and Q, B +def eval_energy(kappa,alpha,Q,B) : + G=kappa*np.array([[np.cos(alpha)**2],[np.sin(alpha)**2],[np.sqrt(2)*np.cos(alpha)*np.sin(alpha)]])-B + return np.matmul(np.transpose(G),np.matmul(Q,G))[0,0] + +#------------------------------------------------------------------------------------------------------- +######################## +#### SET PARAMETERS #### +######################## +# ----- Setup Paths ----- +Path = "./experiment/theoretical_2" +# parset = ' ./experiment/wood-bilayer/cellsolver.parset.wood' +ParsetFile = Path + '/cellsolver.parset' +executable = 'build-cmake/src/Cell-Problem' +write_LOG = True # writes Cell-Problem output-LOG in "Cell-Problem_output.log" + +# --------------------------------- +# Setup Experiment +# --------------------------------- +outputPath = Path + '/results_test2/' + +# ----- Define Input parameters -------------------- +class ParameterSet: + pass + +ParameterSet.materialFunction = "theoretical_material2" +ParameterSet.gamma=1 +ParameterSet.numLevels=4 + +# ----- Define Parameters for Material Function -------------------- +# Liste mit periods n +materialFunctionParameter=[[1,30],[2,30],[4,30]] +# ------ Loops through Parameters for Material Function ----------- +for i in range(0,np.shape(materialFunctionParameter)[0]): + print("------------------") + print("New Loop") + print("------------------") + # Check output directory + path = outputPath + str(i) + isExist = os.path.exists(path) + if not isExist: + # Create a new directory because it does not exist + os.makedirs(path) + print("The new directory " + path + " is created!") + # keine Parameter daher naechste Zeiel auskommentiert + SetParameterMaterialFunction(ParameterSet.materialFunction, "param_n",materialFunctionParameter[i][0]) + SetParametersCellProblem(ParameterSet, ParsetFile, path) + #Run Cell-Problem + thread = threading.Thread(target=run_CellProblem(executable, " ./"+ParsetFile, write_LOG)) + thread.start() + # --------------------------------------------------- + # wait here for the result to be available before continuing + thread.join() + f = open(outputPath+"parameter.txt", "w") + f.write("param_n = "+str(materialFunctionParameter[i][0])+"\n") + f.close() + # + diff --git a/experiment/theoretical_2/test3.py b/experiment/theoretical_2/test3.py new file mode 100644 index 0000000000000000000000000000000000000000..e01d92505d6223ad60d4de48f795f60e13a2b557 --- /dev/null +++ b/experiment/theoretical_2/test3.py @@ -0,0 +1,144 @@ +import subprocess +import re +import os +import numpy as np +import matplotlib.pyplot as plt +import math +import fileinput +import time +import matplotlib.ticker as tickers +import matplotlib as mpl +from matplotlib.ticker import MultipleLocator,FormatStrFormatter,MaxNLocator +import codecs +import sys +import threading + +# Schreibe input datei für Parameter +def SetParametersCellProblem(ParameterSet, ParsetFilePath, outputPath): + print('----set Parameters -----') + with open(ParsetFilePath, 'r') as file: + filedata = file.read() + filedata = re.sub('(?m)^materialFunction\s?=.*','materialFunction = '+str(ParameterSet.materialFunction),filedata) + filedata = re.sub('(?m)^gamma\s?=.*','gamma='+str(ParameterSet.gamma),filedata) + filedata = re.sub('(?m)^numLevels\s?=.*','numLevels='+str(ParameterSet.numLevels)+' '+str(ParameterSet.numLevels) ,filedata) + filedata = re.sub('(?m)^outputPath\s?=\s?.*','outputPath='+str(outputPath),filedata) + f = open(ParsetFilePath,'w') + f.write(filedata) + f.close() + + +# Ändere Parameter der MaterialFunction +def SetParameterMaterialFunction(materialFunction, parameterName, parameterValue): + with open(Path+"/"+materialFunction+'.py', 'r') as file: + filedata = file.read() + filedata = re.sub('(?m)^'+str(parameterName)+'\s?=.*',str(parameterName)+' = '+str(parameterValue),filedata) + f = open(Path+"/"+materialFunction+'.py','w') + f.write(filedata) + f.close() + +# Rufe Programm zum Lösen des Cell-Problems auf +def run_CellProblem(executable, parset,write_LOG): + print('----- RUN Cell-Problem ----') + processList = [] + LOGFILE = "Cell-Problem_output.log" + print('LOGFILE:',LOGFILE) + print('executable:',executable) + if write_LOG: + p = subprocess.Popen(executable + parset + + " | tee " + LOGFILE, shell=True) + + else: + p = subprocess.Popen(executable + parset + + " | tee " + LOGFILE, shell=True) + + p.wait() # wait + processList.append(p) + exit_codes = [p.wait() for p in processList] + + return + +# Read effective quantites +def ReadEffectiveQuantities(QFilePath = os.path.dirname(os.getcwd()) + '/outputs/QMatrix.txt', BFilePath = os.path.dirname(os.getcwd())+ '/outputs/BMatrix.txt'): + # Read Output Matrices (effective quantities) + # From Cell-Problem output Files : ../outputs/Qmatrix.txt , ../outputs/Bmatrix.txt + # -- Read Matrix Qhom + X = [] + # with codecs.open(path + '/outputs/QMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(QFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + Q = np.array([[X[0][2], X[1][2], X[2][2]], + [X[3][2], X[4][2], X[5][2]], + [X[6][2], X[7][2], X[8][2]] ]) + + # -- Read Beff (as Vector) + X = [] + # with codecs.open(path + '/outputs/BMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(BFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + B = np.array([X[0][2], X[1][2], X[2][2]]) + return Q, B + +# Function for evaluating the energy in terms of kappa, alpha and Q, B +def eval_energy(kappa,alpha,Q,B) : + G=kappa*np.array([[np.cos(alpha)**2],[np.sin(alpha)**2],[np.sqrt(2)*np.cos(alpha)*np.sin(alpha)]])-B + return np.matmul(np.transpose(G),np.matmul(Q,G))[0,0] + +#------------------------------------------------------------------------------------------------------- +######################## +#### SET PARAMETERS #### +######################## +# ----- Setup Paths ----- +Path = "./experiment/theoretical_2" +# parset = ' ./experiment/wood-bilayer/cellsolver.parset.wood' +ParsetFile = Path + '/cellsolver.parset' +executable = 'build-cmake/src/Cell-Problem' +write_LOG = True # writes Cell-Problem output-LOG in "Cell-Problem_output.log" + +# --------------------------------- +# Setup Experiment +# --------------------------------- +outputPath = Path + '/results_test3/' + +# ----- Define Input parameters -------------------- +class ParameterSet: + pass + +ParameterSet.materialFunction = "theoretical_material3" +ParameterSet.gamma=1 +ParameterSet.numLevels=4 + +# ----- Define Parameters for Material Function -------------------- +# Liste mit Drehwinkel eigenstrain +materialFunctionParameter=[[1/4, 30]] + +# ------ Loops through Parameters for Material Function ----------- +for i in range(0,np.shape(materialFunctionParameter)[0]): + print("------------------") + print("New Loop") + print("------------------") + # Check output directory + path = outputPath + str(i) + isExist = os.path.exists(path) + if not isExist: + # Create a new directory because it does not exist + os.makedirs(path) + print("The new directory " + path + " is created!") + # keine Parameter daher naechste Zeiel auskommentiert + SetParameterMaterialFunction(ParameterSet.materialFunction, "param_r",materialFunctionParameter[i][0]) + SetParameterMaterialFunction(ParameterSet.materialFunction, "param_delta_theta",materialFunctionParameter[i][0]) + SetParametersCellProblem(ParameterSet, ParsetFile, path) + #Run Cell-Problem + thread = threading.Thread(target=run_CellProblem(executable, " ./"+ParsetFile, write_LOG)) + thread.start() + # --------------------------------------------------- + # wait here for the result to be available before continuing + thread.join() + f = open(outputPath+"parameter.txt", "w") + f.write("param_r = "+str(materialFunctionParameter[i][0])+"\n") + f.write("param_delta_theta = "+str(materialFunctionParameter[i][1])+"\n") + f.close() + # diff --git a/experiment/theoretical_2/theoretical_material1.py b/experiment/theoretical_2/theoretical_material1.py new file mode 100644 index 0000000000000000000000000000000000000000..efbb1e4b20b2513d10798e3f1882f362d80fcbb7 --- /dev/null +++ b/experiment/theoretical_2/theoretical_material1.py @@ -0,0 +1,63 @@ +import math +#from python_matrix_operations import * +import ctypes +import os +import sys +import numpy as np +import elasticity_toolbox as elast + +param_delta_theta = 0.5 +param_r = 0.5 +# --- define geometry +def indicatorFunction(x): + if (x[2]>=.5-param_r) and (x[0]<=param_r-.5): #top left square - fibre orientation = y_1 + return 1 # fibre1 + elif (x[2]<=param_r-.5) and (x[1]<=param_r-.5): #bottom back - fibre orientation = y_2 + return 2 + else : + return 3 # matrix + +# --- Number of material phases +Phases=3 +# Polyurethane rubber +E_natural = 6 # Young +nu_natural =0.47 +thermal_expansion_natural=100*10**(-6) +# Silicon rubber MPa +E_silicone = 3 # Young +nu_silicone = 0.48 +thermal_expansion_silicone=6.7*10**(-6) + +# --- PHASE 1 fibre +phase1_type="isotropic" +# E in MPa and nu +E = E_natural +nu = nu_natural +# [mu, lambda] +materialParameters_phase1 = [E/(2*(1+nu)), (E*nu)/((1+nu)*(1-2*nu))] +def prestrain_phase1(x): + factor = 1 + return [[factor,0,0],[0,factor,0],[0,0,factor]] + + +# --- PHASE 2 fibre +phase2_type="isotropic" +# E in MPa and nu +E = E_natural +nu = nu_natural +# [mu, lambda] +materialParameters_phase2 = materialParameters_phase1 +def prestrain_phase2(x): + return prestrain_phase1(x) + + +# --- PHASE 3 matrix +phase3_type="isotropic" +# E in MPa and nu +E = E_silicone +nu = nu_silicone +# [mu, lambda] +materialParameters_phase3 = [E/(2*(1+nu)), (E*nu)/((1+nu)*(1-2*nu))] +def prestrain_phase3(x): + factor = 0 + return [[factor,0,0],[0,factor,0],[0,0,factor]] \ No newline at end of file diff --git a/experiment/theoretical_2/theoretical_material2.py b/experiment/theoretical_2/theoretical_material2.py new file mode 100644 index 0000000000000000000000000000000000000000..afb6f0fb999690a737d224f1dcd0e832814cbfbc --- /dev/null +++ b/experiment/theoretical_2/theoretical_material2.py @@ -0,0 +1,83 @@ +import math +#from python_matrix_operations import * +import ctypes +import os +import sys +import numpy as np +import elasticity_toolbox as elast + +param_n = 4 + +# --- define geometry +def indicatorFunction(x): + if param_n==1: + if (x[2]>=0) and (x[0]<=0): #top left square - fibre orientation = y_1 + return 1 # fibre1 + elif (x[2]<=0) and (x[1]<=0): #bottom back - fibre orientation = y_2 + return 2 + else : + return 3 # matrix + elif param_n==2: + if ((x[2]>=0) and ((np.abs(x[0]+3/8)<=1/8) or (np.abs(x[0]-1/8)<=1/8))): + return 1 # fibre1 + elif (x[2]<=0) and (x[1]<=0): #bottom left square - fibre orientation = y_2 + return 2 + else : + return 3 # matrix + else: + if ((x[2]>=0) and ( + (np.abs(x[0]+7/16)<=1/16) or + (np.abs(x[0]+3/16)<=1/16) or + (np.abs(x[0]-1/16)<=1/16) or + (np.abs(x[0]-5/16)<=1/16))): #bottom left square - fibre orientation = y_1 + return 1 # fibre1 + elif (x[2]<=0) and (x[1]<=0): #bottom left square - fibre orientation = y_2 + return 2 + else : + return 3 # matrix + + +# --- Number of material phases +Phases=3 +# Polyurethane rubber +E_natural = 6 # Young +nu_natural =0.47 +thermal_expansion_natural=100*10**(-6) +# Silicon rubber MPa +E_silicone = 3 # Young +nu_silicone = 0.48 +thermal_expansion_silicone=6.7*10**(-6) + +# --- PHASE 1 fibre +phase1_type="isotropic" +# E in MPa and nu +E = E_natural +nu = nu_natural +# [mu, lambda] +materialParameters_phase1 = [E/(2*(1+nu)), (E*nu)/((1+nu)*(1-2*nu))] +def prestrain_phase1(x): + factor = 1 + return [[factor,0,0],[0,factor,0],[0,0,factor]] + + +# --- PHASE 2 fibre +phase2_type="isotropic" +# E in MPa and nu +E = E_natural +nu = nu_natural +# [mu, lambda] +materialParameters_phase2 = materialParameters_phase1 +def prestrain_phase2(x): + return prestrain_phase1(x) + + +# --- PHASE 3 matrix +phase3_type="isotropic" +# E in MPa and nu +E = E_silicone +nu = nu_silicone +# [mu, lambda] +materialParameters_phase3 = [E/(2*(1+nu)), (E*nu)/((1+nu)*(1-2*nu))] +def prestrain_phase3(x): + factor = 0 + return [[factor,0,0],[0,factor,0],[0,0,factor]] \ No newline at end of file diff --git a/experiment/theoretical_2/theoretical_material3.py b/experiment/theoretical_2/theoretical_material3.py new file mode 100644 index 0000000000000000000000000000000000000000..bace579c15f8e644287cc0e25fc834990c992353 --- /dev/null +++ b/experiment/theoretical_2/theoretical_material3.py @@ -0,0 +1,67 @@ +import math +#from python_matrix_operations import * +import ctypes +import os +import sys +import numpy as np +import elasticity_toolbox as elast + +param_delta_theta = 0.25 +param_r = 0.25 + +# --- define geometry +def indicatorFunction(x): + alpha=np.pi/4 + delta=param_r/np.sin(alpha) + if (x[2]>=.5-param_r) and (x[1]<=x[0]+delta/2) and (x[0]-delta/2<=x[1]): #top left square - fibre orientation = y_1 + return 1 # fibre1 + elif (x[2]<=param_r-.5) and (x[1]<=param_r-.5): #bottom back - fibre orientation = y_2 + return 2 + else : + return 3 # matrix + + +# --- Number of material phases +Phases=3 +# Polyurethane rubber +E_natural = 6 # Young +nu_natural =0.47 +thermal_expansion_natural=100*10**(-6) +# Silicon rubber MPa +E_silicone = 3 # Young +nu_silicone = 0.48 +thermal_expansion_silicone=6.7*10**(-6) + +# --- PHASE 1 fibre +phase1_type="isotropic" +# E in MPa and nu +E = E_natural +nu = nu_natural +# [mu, lambda] +materialParameters_phase1 = [E/(2*(1+nu)), (E*nu)/((1+nu)*(1-2*nu))] +def prestrain_phase1(x): + factor = 1 + return [[factor,0,0],[0,factor,0],[0,0,factor]] + + +# --- PHASE 2 fibre +phase2_type="isotropic" +# E in MPa and nu +E = E_natural +nu = nu_natural +# [mu, lambda] +materialParameters_phase2 = materialParameters_phase1 +def prestrain_phase2(x): + return prestrain_phase1(x) + + +# --- PHASE 3 matrix +phase3_type="isotropic" +# E in MPa and nu +E = E_silicone +nu = nu_silicone +# [mu, lambda] +materialParameters_phase3 = [E/(2*(1+nu)), (E*nu)/((1+nu)*(1-2*nu))] +def prestrain_phase3(x): + factor = 0 + return [[factor,0,0],[0,factor,0],[0,0,factor]] \ No newline at end of file diff --git a/experiment/wood-bilayer-variant/#readme.txt# b/experiment/wood-bilayer-variant/#readme.txt# new file mode 100644 index 0000000000000000000000000000000000000000..81861acedf12d9c04d20bf014db0106952e3765e --- /dev/null +++ b/experiment/wood-bilayer-variant/#readme.txt# @@ -0,0 +1,12 @@ +Zum Starten im Verzeichnis dune-microstructure: +python ./experimenta/wood_text.py +(sonst kommt das script mit den Verzeichnissen durcheinander) + +Definition des Komposits: +wood_europea_beech.py + +Zum Plotten: +PolarPlotLocalEnergy.py + +Toolbox +elasticity_toolboy.py \ No newline at end of file diff --git a/experiment/wood-bilayer-variant/.gitignore b/experiment/wood-bilayer-variant/.gitignore new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/experiment/wood-bilayer-variant/PolarPlotLocalEnergy.py b/experiment/wood-bilayer-variant/PolarPlotLocalEnergy.py new file mode 100644 index 0000000000000000000000000000000000000000..498569b190fe1936b3be0e5159cc4fc01ddc0728 --- /dev/null +++ b/experiment/wood-bilayer-variant/PolarPlotLocalEnergy.py @@ -0,0 +1,101 @@ +#!/usr/bin/env python3 +# -*- coding: utf-8 -*- +""" +Created on Wed Jul 6 13:17:28 2022 + +@author: stefan +""" +import numpy as np +import matplotlib.pyplot as plt +import matplotlib.colors as colors +import codecs + +experiment_name="results_inclusion" +number_of_variants=4 +Path = './experiment/wood-bilayer-variant/'+experiment_name # command line +Path = './'+experiment_name # interactive + + + +def energy(kappa,alpha,Q,B) : + G=kappa*np.array([[np.cos(alpha)**2],[np.sin(alpha)**2],[np.sqrt(2)*np.cos(alpha)*np.sin(alpha)]])-B + return np.matmul(np.transpose(G),np.matmul(Q,G))[0,0] + +def xytokappaalpha(x,y): + + if y>0: + return [np.sqrt(x**2+y**2), np.abs(np.arctan2(y,x))] + else: + return [-np.sqrt(x**2+y**2), np.abs(np.arctan2(y,x))] + +# Read effective quantites +def ReadEffectiveQuantities(QFilePath, BFilePath): + # Read Output Matrices (effective quantities) + # From Cell-Problem output Files : ../outputs/Qmatrix.txt , ../outputs/Bmatrix.txt + # -- Read Matrix Qhom + X = [] + # with codecs.open(path + '/outputs/QMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(QFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + Q = np.array([[X[0][2], X[1][2], X[2][2]], + [X[3][2], X[4][2], X[5][2]], + [X[6][2], X[7][2], X[8][2]] ]) + + # -- Read Beff (as Vector) + X = [] + # with codecs.open(path + '/outputs/BMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(BFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + B = np.array([X[0][2], X[1][2], X[2][2]]) + return Q, B + +number=number_of_variants +kappa=np.zeros(number) # Vector of minimal curvatures +alpha=np.zeros(number) # Vector of minimal angles +for n in range(0,number): + # Read from Date + print(str(n)) + DataPath = Path+'/'+str(n) # + QFilePath = DataPath + '/QMatrix.txt' + BFilePath = DataPath + '/BMatrix.txt' + Q, B = ReadEffectiveQuantities(QFilePath,BFilePath) + # Q=0.5*(np.transpose(Q)+Q) # symmetrize + B=np.transpose([B]) + # + + N=200 + length=4.5 + r, theta = np.meshgrid(np.linspace(0,length,N),np.radians(np.linspace(0, 360, N))) + E=np.zeros(np.shape(r)) + for i in range(0,N): + for j in range(0,N): + if theta[i,j]<np.pi: + E[i,j]=energy(r[i,j],theta[i,j],Q,B) + else: + E[i,j]=energy(-r[i,j],theta[i,j],Q,B) + + # Compute Minimizer + [imin,jmin]=np.unravel_index(E.argmin(),(N,N)) + kappamin=r[imin,jmin] + alphamin=theta[imin,jmin] + kappa[n]=kappamin + alpha[n]=alphamin + fig, ax = plt.subplots(figsize=(6,6),subplot_kw=dict(projection='polar')) + levs=np.geomspace(E.min(),E.max(),400) + pcm=ax.contourf(theta, r, E, levs, norm=colors.PowerNorm(gamma=0.2), cmap='brg') + ax.set_xticks([0,np.pi/2]) + ax.set_yticks([kappamin]) + colorbarticks=np.linspace(E.min(),E.max(),6) + plt.colorbar(pcm, extend='max', ticks=colorbarticks, pad=0.1) + plt.show() + +f = open(Path+"/kappa_simulation.txt", "w") +f.write(str(kappa)+'\n') +f.write(str(alpha)) +f.close() + + diff --git a/experiment/wood-bilayer-variant/__pycache__/elasticity_toolbox.cpython-310.pyc b/experiment/wood-bilayer-variant/__pycache__/elasticity_toolbox.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..23ea9ef696e037927165d5e533a22f55855c9a95 Binary files /dev/null and b/experiment/wood-bilayer-variant/__pycache__/elasticity_toolbox.cpython-310.pyc differ diff --git a/experiment/wood-bilayer-variant/__pycache__/wood_european_beech.cpython-310.pyc b/experiment/wood-bilayer-variant/__pycache__/wood_european_beech.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..b6008358c8a866e452ddfa459c3a4a63b35ab13a Binary files /dev/null and b/experiment/wood-bilayer-variant/__pycache__/wood_european_beech.cpython-310.pyc differ diff --git a/experiment/wood-bilayer-variant/__pycache__/wood_inclusion.cpython-310.pyc b/experiment/wood-bilayer-variant/__pycache__/wood_inclusion.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..f2dc600acc21854281047872bbca37cb3b744f3f Binary files /dev/null and b/experiment/wood-bilayer-variant/__pycache__/wood_inclusion.cpython-310.pyc differ diff --git a/experiment/wood-bilayer-variant/__pycache__/wood_square.cpython-310.pyc b/experiment/wood-bilayer-variant/__pycache__/wood_square.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..7154224184b43754e731a805db313f4db379cdc7 Binary files /dev/null and b/experiment/wood-bilayer-variant/__pycache__/wood_square.cpython-310.pyc differ diff --git a/experiment/wood-bilayer-variant/__pycache__/wood_upper_laminated.cpython-310.pyc b/experiment/wood-bilayer-variant/__pycache__/wood_upper_laminated.cpython-310.pyc new file mode 100644 index 0000000000000000000000000000000000000000..85656082c773948640c476b14ae2d22cd4684898 Binary files /dev/null and b/experiment/wood-bilayer-variant/__pycache__/wood_upper_laminated.cpython-310.pyc differ diff --git a/experiment/wood-bilayer-variant/cellsolver.parset.wood b/experiment/wood-bilayer-variant/cellsolver.parset.wood new file mode 100644 index 0000000000000000000000000000000000000000..e151f80bb5a1602da0869fe09b82acc86e00ee57 --- /dev/null +++ b/experiment/wood-bilayer-variant/cellsolver.parset.wood @@ -0,0 +1,96 @@ +# --- Parameter File as Input for 'Cell-Problem' +# NOTE: define variables without whitespaces in between! i.e. : gamma=1.0 instead of gamma = 1.0 +# since otherwise these cant be read from other Files! +# -------------------------------------------------------- + +# Path for results and logfile +outputPath=./experiment/wood-bilayer-variant/results_inclusion/3 + +# Path for material description +geometryFunctionPath =experiment/wood-bilayer-variant/ + + +# --- DEBUG (Output) Option: +#print_debug = true #(default=false) + + + + +############################################# +# Grid parameters +############################################# +#---------------------------------------------------- +## numLevels : Number of Levels on which solution is computed. starting with a 2x2x2 cube mesh. +## {start,finish} computes on all grid from 2^(start) to 2^finish refinement +#---------------------------------------------------- + +numLevels=4 4 +#numLevels = 1 1 # computes all levels from first to second entry +#numLevels = 2 2 # computes all levels from first to second entry +#numLevels = 1 3 # computes all levels from first to second entry +#numLevels = 4 4 # computes all levels from first to second entry +#numLevels = 5 5 # computes all levels from first to second entry +#numLevels = 6 6 # computes all levels from first to second entry +#numLevels = 1 6 + + +############################################# +# Material / Prestrain parameters and ratios +############################################# + +# --- Choose material definition: +materialFunction = wood_inclusion + + + +# --- Choose scale ratio gamma: +gamma=1.0 + + +############################################# +# Assembly options +############################################# +#set_IntegralZero = true #(default = false) +#set_oneBasisFunction_Zero = true #(default = false) + +#arbitraryLocalIndex = 7 #(default = 0) +#arbitraryElementNumber = 3 #(default = 0) +############################################# + + +############################################# +# Solver Type: #1: CG - SOLVER , #2: GMRES - SOLVER, #3: QR - SOLVER (default), #4: UMFPACK - SOLVER +############################################# +Solvertype = 2 # recommended to use iterative solver (e.g GMRES) for finer grid-levels +Solver_verbosity = 0 #(default = 2) degree of information for solver output + + +############################################# +# Write/Output options #(default=false) +############################################# + +# --- (Optional output) write Material / prestrain / Corrector functions to .vtk-Files: +write_materialFunctions = true # VTK indicator function for material/prestrain definition +#write_prestrainFunctions = true # VTK norm of B (currently not implemented) + +# --- Write Correctos to VTK-File: +write_VTK = true + +# --- (Optional output) L2Error, integral mean: +#write_L2Error = true +#write_IntegralMean = true + +# --- check orthogonality (75) from paper: +write_checkOrthogonality = true + +# --- Write corrector-coefficients to log-File: +#write_corrector_phi1 = true +#write_corrector_phi2 = true +#write_corrector_phi3 = true + + +# --- Print Condition number of matrix (can be expensive): +#print_conditionNumber= true #(default=false) + +# --- write effective quantities to Matlab-folder for symbolic minimization: +write_toMATLAB = true # writes effective quantities to .txt-files QMatrix.txt and BMatrix.txt diff --git a/experiment/wood-bilayer-variant/elasticity_toolbox.py b/experiment/wood-bilayer-variant/elasticity_toolbox.py new file mode 100644 index 0000000000000000000000000000000000000000..8e61952612c0714a5b430a41660775fc0e2c23b5 --- /dev/null +++ b/experiment/wood-bilayer-variant/elasticity_toolbox.py @@ -0,0 +1,123 @@ +import math +import numpy as np + + +def strain_to_voigt(strain_matrix): + # Ensure the input matrix is a 3x3 strain matrix + if strain_matrix.shape != (3, 3): + raise ValueError("Input matrix should be a 3x3 strain matrix.") + + # Extract the components from the 3x3 strain matrix + ε_xx = strain_matrix[0, 0] + ε_yy = strain_matrix[1, 1] + ε_zz = strain_matrix[2, 2] + γ_yz = .5*(strain_matrix[1, 2]+strain_matrix[2,1]) + γ_xz = .5*(strain_matrix[0, 2]+strain_matrix[0,2]) + γ_xy = .5*(strain_matrix[0, 1]+strain_matrix[0,1]) + + # Create the Voigt notation vector + voigt_notation = np.array([ε_xx, ε_yy, ε_zz, γ_yz, γ_xz, γ_xy]) + + return voigt_notation + +def voigt_to_strain(voigt_notation): + # Ensure the input vector has 6 elements + if len(voigt_notation) != 6: + raise ValueError("Input vector should have 6 elements in Voigt notation.") + + # Extract the components from the Voigt notation vector + ε_xx = voigt_notation[0] + ε_yy = voigt_notation[1] + ε_zz = voigt_notation[2] + γ_yz = voigt_notation[3] + γ_xz = voigt_notation[4] + γ_xy = voigt_notation[5] + + # Create the 3x3 strain matrix + strain_matrix = np.array([[ε_xx, γ_xy, γ_xz], + [γ_xy, ε_yy, γ_yz], + [γ_xz, γ_yz, ε_zz]]) + + return strain_matrix + + +def rotation_matrix(ax, angle): + cos_theta = np.cos(angle) + sin_theta = np.sin(angle) + if ax==0: + Q=np.array([[0, 0, 1], + [0,1,0], + [-1,0,0] + ]) + elif ax==1: + Q=np.array([[1, 0, 0], + [0,0,1], + [0,-1,0] + ]) + else: + Q=np.array([[1, 0, 0], + [0,1,0], + [0,0,1] + ]) + + R = np.array([[cos_theta, -sin_theta, 0], + [sin_theta, cos_theta, 0], + [0, 0, 1]]) + return np.dot(np.dot(Q.T, R),Q) + +def rotation_matrix_compliance(ax,theta): + R=rotation_matrix(ax,theta) + Q_xx=R[0,0] + Q_xy=R[0,1] + Q_xz=R[0,2] + Q_yx=R[1,0] + Q_yy=R[1,1] + Q_yz=R[1,2] + Q_zx=R[2,0] + Q_zy=R[2,1] + Q_zz=R[2,2] + return np.array([ + [Q_xx**2, Q_xy**2, Q_xz**2, Q_xy*Q_xz, Q_xx*Q_xz, Q_xx*Q_xy], + [Q_yx**2, Q_yy**2, Q_yz**2, Q_yy*Q_yz, Q_yx*Q_yz, Q_yx*Q_yy], + [Q_zx**2, Q_zy**2, Q_zz**2, Q_zy*Q_zz, Q_zx*Q_zz, Q_zx*Q_zy], + [2*Q_yx*Q_zx, 2*Q_yy*Q_zy, 2*Q_yz*Q_zz, Q_yy*Q_zz + Q_yz*Q_zy, Q_yx*Q_zz + Q_yz*Q_zx, Q_yx*Q_zy + Q_yy*Q_zx], + [2*Q_xx*Q_zx, 2*Q_xy*Q_zy, 2*Q_xz*Q_zz, Q_xy*Q_zz + Q_xz*Q_zy, Q_xx*Q_zz + Q_xz*Q_zx, Q_xx*Q_zy + Q_xy*Q_zx], + [2*Q_xx*Q_yx, 2*Q_xy*Q_yy, 2*Q_xz*Q_yz, Q_xy*Q_yz + Q_xz*Q_yy, Q_xx*Q_yz + Q_xz*Q_yx, Q_xx*Q_yy + Q_xy*Q_yx] + ]) + +def rotate_strain(eps, ax, theta): + B=voigt_to_strain(np.matmul(rotation_matrix_epsilon(theta,ax),strain_to_voigt(eps))) + +import numpy as np + +def voigt_to_tensor(voigt_matrix): + tensor = np.zeros((6, 6)) + + tensor[0, 0] = voigt_matrix[0] + tensor[0, 1] = tensor[1, 0] = voigt_matrix[1] + tensor[0, 2] = tensor[2, 0] = voigt_matrix[2] + tensor[0, 3] = tensor[3, 0] = voigt_matrix[3] + tensor[0, 4] = tensor[4, 0] = voigt_matrix[4] + tensor[0, 5] = tensor[5, 0] = voigt_matrix[5] + + tensor[1, 1] = voigt_matrix[6] + tensor[1, 2] = tensor[2, 1] = voigt_matrix[7] + tensor[1, 3] = tensor[3, 1] = voigt_matrix[8] + tensor[1, 4] = tensor[4, 1] = voigt_matrix[9] + tensor[1, 5] = tensor[5, 1] = voigt_matrix[10] + + tensor[2, 2] = voigt_matrix[11] + tensor[2, 3] = tensor[3, 2] = voigt_matrix[12] + tensor[2, 4] = tensor[4, 2] = voigt_matrix[13] + tensor[2, 5] = tensor[5, 2] = voigt_matrix[14] + + tensor[3, 3] = voigt_matrix[15] + tensor[3, 4] = tensor[4, 3] = voigt_matrix[16] + tensor[3, 5] = tensor[5, 3] = voigt_matrix[17] + + tensor[4, 4] = voigt_matrix[18] + tensor[4, 5] = tensor[5, 4] = voigt_matrix[19] + + tensor[5, 5] = voigt_matrix[20] + + return tensor diff --git a/experiment/wood-bilayer-variant/readme.txt b/experiment/wood-bilayer-variant/readme.txt new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/experiment/wood-bilayer-variant/results_inclusion/0/BMatrix.txt b/experiment/wood-bilayer-variant/results_inclusion/0/BMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..7d53132a820b7b681d6e9dd3457c597e347148c8 --- /dev/null +++ b/experiment/wood-bilayer-variant/results_inclusion/0/BMatrix.txt @@ -0,0 +1,3 @@ +1 1 4.08947860259611939 +1 2 -1.57392985049986089 +1 3 5.72150968145277811e-32 diff --git a/experiment/wood-bilayer-variant/results_inclusion/0/QMatrix.txt b/experiment/wood-bilayer-variant/results_inclusion/0/QMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..846d533efa7f0b38ae141b6be3d553c3dd1b9c78 --- /dev/null +++ b/experiment/wood-bilayer-variant/results_inclusion/0/QMatrix.txt @@ -0,0 +1,9 @@ +1 1 360.698584684530374 +1 2 23.4373781192738058 +1 3 -2.22175542652914777e-23 +2 1 23.4373838941500736 +2 2 482.150319094850431 +2 3 1.15805285757423874e-23 +3 1 -1.77511738646784161e-31 +3 2 -1.08078881137726988e-31 +3 3 94.9832606588698667 diff --git a/experiment/wood-bilayer/results/6/output.txt b/experiment/wood-bilayer-variant/results_inclusion/0/output.txt similarity index 64% rename from experiment/wood-bilayer/results/6/output.txt rename to experiment/wood-bilayer-variant/results_inclusion/0/output.txt index 96a2e7ea964a16489e619d50de37b663bb5d8a2f..eef6006e758157e3eee5a16c1a30039aa33e80b9 100644 --- a/experiment/wood-bilayer/results/6/output.txt +++ b/experiment/wood-bilayer-variant/results_inclusion/0/output.txt @@ -3,47 +3,47 @@ Solver-type used: GMRES-Solver ---------- OUTPUT ---------- -------------------- Corrector-Matrix M_1: --0.226924 7.72095e-26 0 -7.72095e-26 0.0137995 0 +-0.228176 3.15021e-25 0 +3.15021e-25 0.0150374 0 0 0 0 -------------------- Corrector-Matrix M_2: --0.00344244 -2.16662e-27 0 --2.16662e-27 0.109641 0 +-0.00371663 1.93301e-26 0 +1.93301e-26 0.13835 0 0 0 0 -------------------- Corrector-Matrix M_3: -0 0.0203866 0 -0.0203866 0 0 +0 0.0242453 0 +0.0242453 0 0 0 0 0 -------------------- --- Effective moduli --- Qeff_: -360.617 28.1605 -3.51552e-24 -28.1605 596.591 9.85508e-24 --1.17989e-31 -8.86266e-32 96.7991 +360.699 23.4374 -2.22176e-23 +23.4374 482.15 1.15805e-23 +-1.77512e-31 -1.08079e-31 94.9833 ------------------------ --- Prestrain Output --- -Bhat_: 1433.87 -523.63 5.07291e-30 -Beff_: 4.05965 -1.06933 5.63759e-32 (Effective Prestrain) +Bhat_: 1438.18 -663.024 4.87865e-30 +Beff_: 4.08948 -1.57393 5.72151e-32 (Effective Prestrain) ------------------------ size of FiniteElementBasis: 13056 -q1=360.617 -q2=596.591 -q3=96.7991 -q12=28.1605 -q23=9.85508e-24 -q_onetwo=28.160537 -b1=4.059648 -b2=-1.069329 +q1=360.699 +q2=482.15 +q3=94.9833 +q12=23.4374 +q23=1.15805e-23 +q_onetwo=23.437378 +b1=4.089479 +b2=-1.573930 b3=0.000000 -mu_gamma=96.799141 +mu_gamma=94.983261 --------------------------------------------------------------------------------------------------------------------------------------- Levels | q1 | q2 | q3 | q12 | q23 | b1 | b2 | b3 | --------------------------------------------------------------------------------------------------------------------------------------- - 4 & 3.60617e+02 & 5.96591e+02 & 9.67991e+01 & 2.81605e+01 & 9.85508e-24 & 4.05965e+00 & -1.06933e+00 & 5.63759e-32 & + 4 & 3.60699e+02 & 4.82150e+02 & 9.49833e+01 & 2.34374e+01 & 1.15805e-23 & 4.08948e+00 & -1.57393e+00 & 5.72151e-32 & --------------------------------------------------------------------------------------------------------------------------------------- diff --git a/experiment/wood-bilayer/results/6/parameter.txt b/experiment/wood-bilayer-variant/results_inclusion/0/parameter.txt similarity index 69% rename from experiment/wood-bilayer/results/6/parameter.txt rename to experiment/wood-bilayer-variant/results_inclusion/0/parameter.txt index 4dc714627ad1059b77194447695b20aaa3a0c7c6..dde8a5faf6722772e5dfea90f8704cf9901c2264 100644 --- a/experiment/wood-bilayer/results/6/parameter.txt +++ b/experiment/wood-bilayer-variant/results_inclusion/0/parameter.txt @@ -1,4 +1,5 @@ -r = 0.22 +r = 0.3 h = 0.0053 +width = 4.262750825 omega_flat = 17.17547062 omega_target = 8.959564147 diff --git a/experiment/wood-bilayer-variant/results_inclusion/1/BMatrix.txt b/experiment/wood-bilayer-variant/results_inclusion/1/BMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..23b6ca22367de6c635329989171293587e84f74c --- /dev/null +++ b/experiment/wood-bilayer-variant/results_inclusion/1/BMatrix.txt @@ -0,0 +1,3 @@ +1 1 3.73056255328416686 +1 2 -1.01106892172666196 +1 3 -1.42133416825185122 diff --git a/experiment/wood-bilayer-variant/results_inclusion/1/QMatrix.txt b/experiment/wood-bilayer-variant/results_inclusion/1/QMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..e7c8ae06d45e1b321af23cb635d305f3c753779a --- /dev/null +++ b/experiment/wood-bilayer-variant/results_inclusion/1/QMatrix.txt @@ -0,0 +1,9 @@ +1 1 212.840098807635741 +1 2 23.4457840206684764 +1 3 12.5023224470475469 +2 1 23.4466654064088722 +2 2 462.167106745807303 +2 3 10.3430563568999432 +3 1 12.5022404293967409 +3 2 10.3433303905631515 +3 3 77.4438312417293275 diff --git a/experiment/wood-bilayer/results/2/output.txt b/experiment/wood-bilayer-variant/results_inclusion/1/output.txt similarity index 62% rename from experiment/wood-bilayer/results/2/output.txt rename to experiment/wood-bilayer-variant/results_inclusion/1/output.txt index 27357ee26a698ee88c6a76e6456b41056effc6d9..6f00caf07a0711546e096a6a38b694c9c15b1baa 100644 --- a/experiment/wood-bilayer/results/2/output.txt +++ b/experiment/wood-bilayer-variant/results_inclusion/1/output.txt @@ -3,47 +3,47 @@ Solver-type used: GMRES-Solver ---------- OUTPUT ---------- -------------------- Corrector-Matrix M_1: --0.230885 2.19762e-26 0 -2.19762e-26 0.0121584 0 +-0.0586013 -0.0173975 0 +-0.0173975 0.0077912 0 0 0 0 -------------------- Corrector-Matrix M_2: --0.00288395 3.79325e-27 0 -3.79325e-27 0.109978 0 +-0.00568231 -0.0142287 0 +-0.0142287 0.142068 0 0 0 0 -------------------- Corrector-Matrix M_3: -0 0.0217664 0 -0.0217664 0 0 +-0.014517 0.048774 0 +0.048774 -0.00123305 0 0 0 0 -------------------- --- Effective moduli --- Qeff_: -327.048 22.5166 -3.72878e-24 -22.5166 553.148 1.34417e-24 -9.61672e-33 6.28741e-33 92.0137 +212.84 23.4458 12.5023 +23.4467 462.167 10.3431 +12.5022 10.3433 77.4438 ------------------------ --- Prestrain Output --- -Bhat_: 760.449 -268.437 4.05344e-32 -Beff_: 2.36523 -0.58157 2.33065e-34 (Effective Prestrain) +Bhat_: 752.538 -394.514 -73.891 +Beff_: 3.73056 -1.01107 -1.42133 (Effective Prestrain) ------------------------ size of FiniteElementBasis: 13056 -q1=327.048 -q2=553.148 -q3=92.0137 -q12=22.5166 -q23=1.34417e-24 -q_onetwo=22.516579 -b1=2.365230 -b2=-0.581570 -b3=0.000000 -mu_gamma=92.013717 +q1=212.84 +q2=462.167 +q3=77.4438 +q12=23.4458 +q23=10.3431 +q_onetwo=23.445784 +b1=3.730563 +b2=-1.011069 +b3=-1.421334 +mu_gamma=77.443831 --------------------------------------------------------------------------------------------------------------------------------------- Levels | q1 | q2 | q3 | q12 | q23 | b1 | b2 | b3 | --------------------------------------------------------------------------------------------------------------------------------------- - 4 & 3.27048e+02 & 5.53148e+02 & 9.20137e+01 & 2.25166e+01 & 1.34417e-24 & 2.36523e+00 & -5.81570e-01 & 2.33065e-34 & + 4 & 2.12840e+02 & 4.62167e+02 & 7.74438e+01 & 2.34458e+01 & 1.03431e+01 & 3.73056e+00 & -1.01107e+00 & -1.42133e+00 & --------------------------------------------------------------------------------------------------------------------------------------- diff --git a/experiment/wood-bilayer-variant/results_inclusion/1/parameter.txt b/experiment/wood-bilayer-variant/results_inclusion/1/parameter.txt new file mode 100644 index 0000000000000000000000000000000000000000..dde8a5faf6722772e5dfea90f8704cf9901c2264 --- /dev/null +++ b/experiment/wood-bilayer-variant/results_inclusion/1/parameter.txt @@ -0,0 +1,5 @@ +r = 0.3 +h = 0.0053 +width = 4.262750825 +omega_flat = 17.17547062 +omega_target = 8.959564147 diff --git a/experiment/wood-bilayer-variant/results_inclusion/2/BMatrix.txt b/experiment/wood-bilayer-variant/results_inclusion/2/BMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..ec0739fda7498a5e4d54e6dbc43e844fca0d76ee --- /dev/null +++ b/experiment/wood-bilayer-variant/results_inclusion/2/BMatrix.txt @@ -0,0 +1,3 @@ +1 1 2.81866714394767026 +1 2 -0.792925965569029279 +1 3 -1.22385637211246556 diff --git a/experiment/wood-bilayer-variant/results_inclusion/2/QMatrix.txt b/experiment/wood-bilayer-variant/results_inclusion/2/QMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..b8cd75c88fc8be4969e067eed8c72fdcd68bc30d --- /dev/null +++ b/experiment/wood-bilayer-variant/results_inclusion/2/QMatrix.txt @@ -0,0 +1,9 @@ +1 1 139.071953047225065 +1 2 24.5930230463225961 +1 3 12.1638523490067492 +2 1 24.5921134865970963 +2 2 455.906396019696388 +2 3 9.08100762069058831 +3 1 12.1640177877764888 +3 2 9.08087920399155024 +3 3 68.4697574657147072 diff --git a/experiment/wood-bilayer/results/4/output.txt b/experiment/wood-bilayer-variant/results_inclusion/2/output.txt similarity index 62% rename from experiment/wood-bilayer/results/4/output.txt rename to experiment/wood-bilayer-variant/results_inclusion/2/output.txt index 29680bb58a08f3504ddaf930030d5f5693dd3cf0..4405e813be9f652299f7646bed976c25f6d0d793 100644 --- a/experiment/wood-bilayer/results/4/output.txt +++ b/experiment/wood-bilayer-variant/results_inclusion/2/output.txt @@ -3,47 +3,47 @@ Solver-type used: GMRES-Solver ---------- OUTPUT ---------- -------------------- Corrector-Matrix M_1: --0.229296 1.44303e-25 0 -1.44303e-25 0.012782 0 +0.0363405 -0.0172438 0 +-0.0172438 0.00355875 0 0 0 0 -------------------- Corrector-Matrix M_2: --0.00309544 1.50887e-26 0 -1.50887e-26 0.109842 0 +-0.00720339 -0.0125625 0 +-0.0125625 0.143313 0 0 0 0 -------------------- Corrector-Matrix M_3: -0 0.0212263 0 -0.0212263 0 0 +-0.0148652 0.0616537 0 +0.0616537 -0.00099636 0 0 0 0 -------------------- --- Effective moduli --- Qeff_: -339.836 24.5875 -9.71937e-24 -24.5875 569.64 2.2993e-23 --2.05037e-32 -1.25879e-32 93.8373 +139.072 24.593 12.1639 +24.5921 455.906 9.08101 +12.164 9.08088 68.4698 ------------------------ --- Prestrain Output --- -Bhat_: 1005.06 -359.667 -2.40141e-31 -Beff_: 3.01258 -0.761427 -2.00301e-33 (Effective Prestrain) +Bhat_: 357.61 -303.297 -56.7113 +Beff_: 2.81867 -0.792926 -1.22386 (Effective Prestrain) ------------------------ size of FiniteElementBasis: 13056 -q1=339.836 -q2=569.64 -q3=93.8373 -q12=24.5875 -q23=2.2993e-23 -q_onetwo=24.587478 -b1=3.012578 -b2=-0.761427 -b3=-0.000000 -mu_gamma=93.837320 +q1=139.072 +q2=455.906 +q3=68.4698 +q12=24.593 +q23=9.08101 +q_onetwo=24.593023 +b1=2.818667 +b2=-0.792926 +b3=-1.223856 +mu_gamma=68.469757 --------------------------------------------------------------------------------------------------------------------------------------- Levels | q1 | q2 | q3 | q12 | q23 | b1 | b2 | b3 | --------------------------------------------------------------------------------------------------------------------------------------- - 4 & 3.39836e+02 & 5.69640e+02 & 9.38373e+01 & 2.45875e+01 & 2.29930e-23 & 3.01258e+00 & -7.61427e-01 & -2.00301e-33 & + 4 & 1.39072e+02 & 4.55906e+02 & 6.84698e+01 & 2.45930e+01 & 9.08101e+00 & 2.81867e+00 & -7.92926e-01 & -1.22386e+00 & --------------------------------------------------------------------------------------------------------------------------------------- diff --git a/experiment/wood-bilayer-variant/results_inclusion/2/parameter.txt b/experiment/wood-bilayer-variant/results_inclusion/2/parameter.txt new file mode 100644 index 0000000000000000000000000000000000000000..dde8a5faf6722772e5dfea90f8704cf9901c2264 --- /dev/null +++ b/experiment/wood-bilayer-variant/results_inclusion/2/parameter.txt @@ -0,0 +1,5 @@ +r = 0.3 +h = 0.0053 +width = 4.262750825 +omega_flat = 17.17547062 +omega_target = 8.959564147 diff --git a/experiment/wood-bilayer-variant/results_inclusion/3/BMatrix.txt b/experiment/wood-bilayer-variant/results_inclusion/3/BMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..451d3ce16c7b0b0963fcdbf6938f9d19c8cf28bb --- /dev/null +++ b/experiment/wood-bilayer-variant/results_inclusion/3/BMatrix.txt @@ -0,0 +1,3 @@ +1 1 2.4589640836099278 +1 2 -0.654582330515855459 +1 3 -0.97913518028263824 diff --git a/experiment/wood-bilayer-variant/results_inclusion/3/QMatrix.txt b/experiment/wood-bilayer-variant/results_inclusion/3/QMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..60b5bffa6d04e513d2ca6c2b41697e441f35537b --- /dev/null +++ b/experiment/wood-bilayer-variant/results_inclusion/3/QMatrix.txt @@ -0,0 +1,9 @@ +1 1 123.083967783951778 +1 2 23.8740385262610886 +1 3 8.95375989684004203 +2 1 23.8735411719368003 +2 2 451.275928994315279 +2 3 6.75922153067595133 +3 1 8.95381522638101224 +3 2 6.75947226576308591 +3 3 60.5356999434844241 diff --git a/experiment/wood-bilayer-variant/results_inclusion/3/kappa_simulation.txt b/experiment/wood-bilayer-variant/results_inclusion/3/kappa_simulation.txt new file mode 100644 index 0000000000000000000000000000000000000000..9e219ec3c11b6c51b2510119eec2727b04dec63b --- /dev/null +++ b/experiment/wood-bilayer-variant/results_inclusion/3/kappa_simulation.txt @@ -0,0 +1,2 @@ +[4.02512563 3.9798995 2.89447236 2.44221106] +[0. 3.09423196 3.06265816 3.06265816] \ No newline at end of file diff --git a/experiment/wood-bilayer/results/3/output.txt b/experiment/wood-bilayer-variant/results_inclusion/3/output.txt similarity index 62% rename from experiment/wood-bilayer/results/3/output.txt rename to experiment/wood-bilayer-variant/results_inclusion/3/output.txt index cdcdccdbf1ce91545b7a09323abf7f35e89c94e2..1e5eec46d2d618d766bc512946ec232930b49f2d 100644 --- a/experiment/wood-bilayer/results/3/output.txt +++ b/experiment/wood-bilayer-variant/results_inclusion/3/output.txt @@ -3,47 +3,47 @@ Solver-type used: GMRES-Solver ---------- OUTPUT ---------- -------------------- Corrector-Matrix M_1: --0.229968 2.88958e-27 0 -2.88958e-27 0.012513 0 +0.058725 -0.0127605 0 +-0.0127605 0.00274698 0 0 0 0 -------------------- Corrector-Matrix M_2: --0.00300407 -2.3938e-28 0 --2.3938e-28 0.109899 0 +-0.00628525 -0.00939955 0 +-0.00939955 0.144154 0 0 0 0 -------------------- Corrector-Matrix M_3: -0 0.0214569 0 -0.0214569 0 0 +-0.0112346 0.0730744 0 +0.0730744 -0.000736524 0 0 0 0 -------------------- --- Effective moduli --- Qeff_: -334.324 23.6829 4.21345e-24 -23.6829 562.522 4.30392e-24 --1.16481e-32 -8.12512e-33 93.0513 +123.084 23.874 8.95376 +23.8735 451.276 6.75922 +8.95382 6.75947 60.5357 ------------------------ --- Prestrain Output --- -Bhat_: 897.803 -319.436 -1.67574e-31 -Beff_: 2.73381 -0.68296 -1.5183e-33 (Effective Prestrain) +Bhat_: 278.265 -243.311 -41.6802 +Beff_: 2.45896 -0.654582 -0.979135 (Effective Prestrain) ------------------------ size of FiniteElementBasis: 13056 -q1=334.324 -q2=562.522 -q3=93.0513 -q12=23.6829 -q23=4.30392e-24 -q_onetwo=23.682891 -b1=2.733808 -b2=-0.682960 -b3=-0.000000 -mu_gamma=93.051317 +q1=123.084 +q2=451.276 +q3=60.5357 +q12=23.874 +q23=6.75922 +q_onetwo=23.874039 +b1=2.458964 +b2=-0.654582 +b3=-0.979135 +mu_gamma=60.535700 --------------------------------------------------------------------------------------------------------------------------------------- Levels | q1 | q2 | q3 | q12 | q23 | b1 | b2 | b3 | --------------------------------------------------------------------------------------------------------------------------------------- - 4 & 3.34324e+02 & 5.62522e+02 & 9.30513e+01 & 2.36829e+01 & 4.30392e-24 & 2.73381e+00 & -6.82960e-01 & -1.51830e-33 & + 4 & 1.23084e+02 & 4.51276e+02 & 6.05357e+01 & 2.38740e+01 & 6.75922e+00 & 2.45896e+00 & -6.54582e-01 & -9.79135e-01 & --------------------------------------------------------------------------------------------------------------------------------------- diff --git a/experiment/wood-bilayer-variant/results_inclusion/3/parameter.txt b/experiment/wood-bilayer-variant/results_inclusion/3/parameter.txt new file mode 100644 index 0000000000000000000000000000000000000000..dde8a5faf6722772e5dfea90f8704cf9901c2264 --- /dev/null +++ b/experiment/wood-bilayer-variant/results_inclusion/3/parameter.txt @@ -0,0 +1,5 @@ +r = 0.3 +h = 0.0053 +width = 4.262750825 +omega_flat = 17.17547062 +omega_target = 8.959564147 diff --git a/experiment/wood-bilayer-variant/results_inclusion/kappa_simulation.txt b/experiment/wood-bilayer-variant/results_inclusion/kappa_simulation.txt new file mode 100644 index 0000000000000000000000000000000000000000..1ad3187a0a9b2da85bcc76806d1e654e241ad382 --- /dev/null +++ b/experiment/wood-bilayer-variant/results_inclusion/kappa_simulation.txt @@ -0,0 +1,2 @@ +[3.9798995 3.64070352 2.66834171 2.32914573] +[0. 3.03108437 3.03108437 3.03108437] \ No newline at end of file diff --git a/experiment/wood-bilayer-variant/results_laminated/0/BMatrix.txt b/experiment/wood-bilayer-variant/results_laminated/0/BMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..ed6ff43b76488d1a0489b86951dc9486fff45f81 --- /dev/null +++ b/experiment/wood-bilayer-variant/results_laminated/0/BMatrix.txt @@ -0,0 +1,3 @@ +1 1 4.11681385791799315 +1 2 -1.49447108561506958 +1 3 3.49538591271140651e-31 diff --git a/experiment/wood-bilayer-variant/results_laminated/0/QMatrix.txt b/experiment/wood-bilayer-variant/results_laminated/0/QMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..7267a1f4d0b56190ec081d9c245ba9b5ff44dd4e --- /dev/null +++ b/experiment/wood-bilayer-variant/results_laminated/0/QMatrix.txt @@ -0,0 +1,9 @@ +1 1 361.321051051320012 +1 2 24.3720958408716548 +1 3 2.53324062594364725e-24 +2 1 24.3720958486459978 +2 2 499.150306105424022 +2 3 -3.65122692259734872e-25 +3 1 -7.25173545095859977e-31 +3 2 -5.8481457080619236e-31 +3 3 95.215995084514276 diff --git a/experiment/wood-bilayer-variant/results_laminated/0/output.txt b/experiment/wood-bilayer-variant/results_laminated/0/output.txt new file mode 100644 index 0000000000000000000000000000000000000000..cd8ff007a4f30cea53a94f638d4124f2776fd11b --- /dev/null +++ b/experiment/wood-bilayer-variant/results_laminated/0/output.txt @@ -0,0 +1,49 @@ +Number of Grid-Elements in each direction: [8,8,8] +Solver-type used: GMRES-Solver +---------- OUTPUT ---------- + -------------------- +Corrector-Matrix M_1: +-0.228619 -2.13929e-29 0 +-2.13929e-29 0.0149057 0 +0 0 0 + + -------------------- +Corrector-Matrix M_2: +-0.00378747 -8.27592e-30 0 +-8.27592e-30 0.133684 0 +0 0 0 + + -------------------- +Corrector-Matrix M_3: +0 0.023674 0 +0.023674 0 0 +0 0 0 + + -------------------- +--- Effective moduli --- +Qeff_: +361.321 24.3721 2.53324e-24 +24.3721 499.15 -3.65123e-25 +-7.25174e-31 -5.84815e-31 95.216 + +------------------------ +--- Prestrain Output --- +Bhat_: 1451.07 -645.63 3.11702e-29 +Beff_: 4.11681 -1.49447 3.49539e-31 (Effective Prestrain) +------------------------ +size of FiniteElementBasis: 1728 +q1=361.321 +q2=499.15 +q3=95.216 +q12=24.3721 +q23=-3.65123e-25 +q_onetwo=24.372096 +b1=4.116814 +b2=-1.494471 +b3=0.000000 +mu_gamma=95.215995 +--------------------------------------------------------------------------------------------------------------------------------------- + Levels | q1 | q2 | q3 | q12 | q23 | b1 | b2 | b3 | +--------------------------------------------------------------------------------------------------------------------------------------- + 3 & 3.61321e+02 & 4.99150e+02 & 9.52160e+01 & 2.43721e+01 & -3.65123e-25 & 4.11681e+00 & -1.49447e+00 & 3.49539e-31 & +--------------------------------------------------------------------------------------------------------------------------------------- diff --git a/experiment/wood-bilayer-variant/results_laminated/0/parameter.txt b/experiment/wood-bilayer-variant/results_laminated/0/parameter.txt new file mode 100644 index 0000000000000000000000000000000000000000..dde8a5faf6722772e5dfea90f8704cf9901c2264 --- /dev/null +++ b/experiment/wood-bilayer-variant/results_laminated/0/parameter.txt @@ -0,0 +1,5 @@ +r = 0.3 +h = 0.0053 +width = 4.262750825 +omega_flat = 17.17547062 +omega_target = 8.959564147 diff --git a/experiment/wood-bilayer-variant/results_laminated/1/BMatrix.txt b/experiment/wood-bilayer-variant/results_laminated/1/BMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..e04f13ee5e984f458fa1bb2a44c64d494cbeeefd --- /dev/null +++ b/experiment/wood-bilayer-variant/results_laminated/1/BMatrix.txt @@ -0,0 +1,3 @@ +1 1 4.03194308716852401 +1 2 -1.81982107875645926 +1 3 -3.27240896053575185e-09 diff --git a/experiment/wood-bilayer-variant/results_laminated/1/QMatrix.txt b/experiment/wood-bilayer-variant/results_laminated/1/QMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..17c8c595fcb0f5f76fa59d90fe20a2772345bffc --- /dev/null +++ b/experiment/wood-bilayer-variant/results_laminated/1/QMatrix.txt @@ -0,0 +1,9 @@ +1 1 364.956097486472117 +1 2 21.5642749884443994 +1 3 5.08779599161897968e-14 +2 1 21.5642306974529454 +2 2 448.885167380934433 +2 3 -2.7849645043343057e-14 +3 1 2.33979479339529356e-08 +3 2 1.12216876619809217e-09 +3 3 94.6162615541033887 diff --git a/experiment/wood-bilayer-variant/results_laminated/1/output.txt b/experiment/wood-bilayer-variant/results_laminated/1/output.txt new file mode 100644 index 0000000000000000000000000000000000000000..035611276effb06128ecd9feab177884a68d2837 --- /dev/null +++ b/experiment/wood-bilayer-variant/results_laminated/1/output.txt @@ -0,0 +1,49 @@ +Number of Grid-Elements in each direction: [8,8,8] +Solver-type used: GMRES-Solver +---------- OUTPUT ---------- + -------------------- +Corrector-Matrix M_1: +-0.224891 -8.55425e-16 0 +-8.55425e-16 0.0158291 0 +0 0 0 + + -------------------- +Corrector-Matrix M_2: +-0.00509955 4.49761e-16 0 +4.49761e-16 0.15202 0 +0 0 0 + + -------------------- +Corrector-Matrix M_3: +1.78704e-11 0.0257722 0 +0.0257722 -2.10788e-12 0 +0 0 0 + + -------------------- +--- Effective moduli --- +Qeff_: +364.956 21.5643 5.0878e-14 +21.5642 448.885 -2.78496e-14 +2.33979e-08 1.12217e-09 94.6163 + +------------------------ +--- Prestrain Output --- +Bhat_: 1432.24 -729.945 -2.17326e-07 +Beff_: 4.03194 -1.81982 -3.27241e-09 (Effective Prestrain) +------------------------ +size of FiniteElementBasis: 1728 +q1=364.956 +q2=448.885 +q3=94.6163 +q12=21.5643 +q23=-2.78496e-14 +q_onetwo=21.564275 +b1=4.031943 +b2=-1.819821 +b3=-0.000000 +mu_gamma=94.616262 +--------------------------------------------------------------------------------------------------------------------------------------- + Levels | q1 | q2 | q3 | q12 | q23 | b1 | b2 | b3 | +--------------------------------------------------------------------------------------------------------------------------------------- + 3 & 3.64956e+02 & 4.48885e+02 & 9.46163e+01 & 2.15643e+01 & -2.78496e-14 & 4.03194e+00 & -1.81982e+00 & -3.27241e-09 & +--------------------------------------------------------------------------------------------------------------------------------------- diff --git a/experiment/wood-bilayer-variant/results_laminated/1/parameter.txt b/experiment/wood-bilayer-variant/results_laminated/1/parameter.txt new file mode 100644 index 0000000000000000000000000000000000000000..dde8a5faf6722772e5dfea90f8704cf9901c2264 --- /dev/null +++ b/experiment/wood-bilayer-variant/results_laminated/1/parameter.txt @@ -0,0 +1,5 @@ +r = 0.3 +h = 0.0053 +width = 4.262750825 +omega_flat = 17.17547062 +omega_target = 8.959564147 diff --git a/experiment/wood-bilayer-variant/results_laminated/2/BMatrix.txt b/experiment/wood-bilayer-variant/results_laminated/2/BMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..897c615960501866393b64c522b666bd9c064a14 --- /dev/null +++ b/experiment/wood-bilayer-variant/results_laminated/2/BMatrix.txt @@ -0,0 +1,3 @@ +1 1 3.87120917952259092 +1 2 -2.30015683298521045 +1 3 -7.02832142628831646e-10 diff --git a/experiment/wood-bilayer-variant/results_laminated/2/QMatrix.txt b/experiment/wood-bilayer-variant/results_laminated/2/QMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..83119598844b5b988359c5a50d42d6f8f0426fa4 --- /dev/null +++ b/experiment/wood-bilayer-variant/results_laminated/2/QMatrix.txt @@ -0,0 +1,9 @@ +1 1 370.532116962456712 +1 2 18.6586886993744869 +1 3 8.19780182142126276e-15 +2 1 18.6587054908125261 +2 2 390.780846557485916 +2 3 7.70137567991383086e-15 +3 1 9.12502134325419322e-10 +3 2 2.49494842180231049e-10 +3 3 94.0652087696278585 diff --git a/experiment/wood-bilayer-variant/results_laminated/2/output.txt b/experiment/wood-bilayer-variant/results_laminated/2/output.txt new file mode 100644 index 0000000000000000000000000000000000000000..5fe41d0bf2f25b3e67a66158fc565050125d24cf --- /dev/null +++ b/experiment/wood-bilayer-variant/results_laminated/2/output.txt @@ -0,0 +1,49 @@ +Number of Grid-Elements in each direction: [8,8,8] +Solver-type used: GMRES-Solver +---------- OUTPUT ---------- + -------------------- +Corrector-Matrix M_1: +-0.219204 -1.02828e-16 0 +-1.02828e-16 0.0167045 0 +0 0 0 + + -------------------- +Corrector-Matrix M_2: +-0.00606295 -1.19211e-16 0 +-1.19211e-16 0.173365 0 +0 0 0 + + -------------------- +Corrector-Matrix M_3: +4.47173e-12 0.0276901 0 +0.0276901 -3.67483e-13 0 +0 0 0 + + -------------------- +--- Effective moduli --- +Qeff_: +370.532 18.6587 8.1978e-15 +18.6587 390.781 7.70138e-15 +9.12502e-10 2.49495e-10 94.0652 + +------------------------ +--- Prestrain Output --- +Bhat_: 1391.49 -826.625 -6.31534e-08 +Beff_: 3.87121 -2.30016 -7.02832e-10 (Effective Prestrain) +------------------------ +size of FiniteElementBasis: 1728 +q1=370.532 +q2=390.781 +q3=94.0652 +q12=18.6587 +q23=7.70138e-15 +q_onetwo=18.658689 +b1=3.871209 +b2=-2.300157 +b3=-0.000000 +mu_gamma=94.065209 +--------------------------------------------------------------------------------------------------------------------------------------- + Levels | q1 | q2 | q3 | q12 | q23 | b1 | b2 | b3 | +--------------------------------------------------------------------------------------------------------------------------------------- + 3 & 3.70532e+02 & 3.90781e+02 & 9.40652e+01 & 1.86587e+01 & 7.70138e-15 & 3.87121e+00 & -2.30016e+00 & -7.02832e-10 & +--------------------------------------------------------------------------------------------------------------------------------------- diff --git a/experiment/wood-bilayer-variant/results_laminated/2/parameter.txt b/experiment/wood-bilayer-variant/results_laminated/2/parameter.txt new file mode 100644 index 0000000000000000000000000000000000000000..dde8a5faf6722772e5dfea90f8704cf9901c2264 --- /dev/null +++ b/experiment/wood-bilayer-variant/results_laminated/2/parameter.txt @@ -0,0 +1,5 @@ +r = 0.3 +h = 0.0053 +width = 4.262750825 +omega_flat = 17.17547062 +omega_target = 8.959564147 diff --git a/experiment/wood-bilayer-variant/results_laminated/3/BMatrix.txt b/experiment/wood-bilayer-variant/results_laminated/3/BMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..f4c0832da657258a21afdcde46d2032d26a7b185 --- /dev/null +++ b/experiment/wood-bilayer-variant/results_laminated/3/BMatrix.txt @@ -0,0 +1,3 @@ +1 1 3.6280251159928385 +1 2 -2.96408372513375973 +1 3 1.60506422050211478e-09 diff --git a/experiment/wood-bilayer-variant/results_laminated/3/QMatrix.txt b/experiment/wood-bilayer-variant/results_laminated/3/QMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..c605a1736ef0762aebdff68c0d788118cf2b49e2 --- /dev/null +++ b/experiment/wood-bilayer-variant/results_laminated/3/QMatrix.txt @@ -0,0 +1,9 @@ +1 1 379.076890702710557 +1 2 16.3204378455801589 +1 3 -3.19031230322258589e-15 +2 1 16.3204121706348495 +2 2 332.969061867909829 +2 3 5.17967092637337671e-16 +3 1 2.6220169989170575e-09 +3 2 -9.78110451606630779e-09 +3 3 93.6159745961686269 diff --git a/experiment/wood-bilayer-variant/results_laminated/3/kappa_simulation.txt b/experiment/wood-bilayer-variant/results_laminated/3/kappa_simulation.txt new file mode 100644 index 0000000000000000000000000000000000000000..8ba628e40f0234136bce4f3536825abfbbe95dfa --- /dev/null +++ b/experiment/wood-bilayer-variant/results_laminated/3/kappa_simulation.txt @@ -0,0 +1 @@ +[4. 3.91959799 3.75879397 3.49748744] \ No newline at end of file diff --git a/experiment/wood-bilayer-variant/results_laminated/3/output.txt b/experiment/wood-bilayer-variant/results_laminated/3/output.txt new file mode 100644 index 0000000000000000000000000000000000000000..7cf4c46d1552571fdf5fd6d6ac14bd50e2a6db23 --- /dev/null +++ b/experiment/wood-bilayer-variant/results_laminated/3/output.txt @@ -0,0 +1,49 @@ +Number of Grid-Elements in each direction: [8,8,8] +Solver-type used: GMRES-Solver +---------- OUTPUT ---------- + -------------------- +Corrector-Matrix M_1: +-0.210053 1.19496e-17 0 +1.19496e-17 0.017221 0 +0 0 0 + + -------------------- +Corrector-Matrix M_2: +-0.00623896 -1.33619e-18 0 +-1.33619e-18 0.194718 0 +0 0 0 + + -------------------- +Corrector-Matrix M_3: +1.10233e-11 0.0292452 0 +0.0292452 1.10306e-12 0 +0 0 0 + + -------------------- +--- Effective moduli --- +Qeff_: +379.077 16.3204 -3.19031e-15 +16.3204 332.969 5.17967e-16 +2.62202e-09 -9.7811e-09 93.616 + +------------------------ +--- Prestrain Output --- +Bhat_: 1326.93 -927.737 1.88764e-07 +Beff_: 3.62803 -2.96408 1.60506e-09 (Effective Prestrain) +------------------------ +size of FiniteElementBasis: 1728 +q1=379.077 +q2=332.969 +q3=93.616 +q12=16.3204 +q23=5.17967e-16 +q_onetwo=16.320438 +b1=3.628025 +b2=-2.964084 +b3=0.000000 +mu_gamma=93.615975 +--------------------------------------------------------------------------------------------------------------------------------------- + Levels | q1 | q2 | q3 | q12 | q23 | b1 | b2 | b3 | +--------------------------------------------------------------------------------------------------------------------------------------- + 3 & 3.79077e+02 & 3.32969e+02 & 9.36160e+01 & 1.63204e+01 & 5.17967e-16 & 3.62803e+00 & -2.96408e+00 & 1.60506e-09 & +--------------------------------------------------------------------------------------------------------------------------------------- diff --git a/experiment/wood-bilayer-variant/results_laminated/3/parameter.txt b/experiment/wood-bilayer-variant/results_laminated/3/parameter.txt new file mode 100644 index 0000000000000000000000000000000000000000..dde8a5faf6722772e5dfea90f8704cf9901c2264 --- /dev/null +++ b/experiment/wood-bilayer-variant/results_laminated/3/parameter.txt @@ -0,0 +1,5 @@ +r = 0.3 +h = 0.0053 +width = 4.262750825 +omega_flat = 17.17547062 +omega_target = 8.959564147 diff --git a/experiment/wood-bilayer-variant/results_laminated/4/BMatrix.txt b/experiment/wood-bilayer-variant/results_laminated/4/BMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..ea1b961d84a68154797705889376a9482880ff13 --- /dev/null +++ b/experiment/wood-bilayer-variant/results_laminated/4/BMatrix.txt @@ -0,0 +1,3 @@ +1 1 3.2333244184555836 +1 2 -4.00001015762490564 +1 3 -7.84063247615462131e-10 diff --git a/experiment/wood-bilayer-variant/results_laminated/4/QMatrix.txt b/experiment/wood-bilayer-variant/results_laminated/4/QMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..94d9a600cab216c884c44743b0da4c39c21b363a --- /dev/null +++ b/experiment/wood-bilayer-variant/results_laminated/4/QMatrix.txt @@ -0,0 +1,9 @@ +1 1 393.146818046076874 +1 2 15.1368923377798748 +1 3 -1.0727967233038538e-15 +2 1 15.1368919823990549 +2 2 273.187147441638331 +2 3 4.15403290137424899e-16 +3 1 2.27933780851083675e-09 +3 2 1.76257025609749584e-09 +3 3 93.2184290907585194 diff --git a/experiment/wood-bilayer-variant/results_laminated/4/output.txt b/experiment/wood-bilayer-variant/results_laminated/4/output.txt new file mode 100644 index 0000000000000000000000000000000000000000..0fe051e34b5b86c6a17644caf0a140240738e1d4 --- /dev/null +++ b/experiment/wood-bilayer-variant/results_laminated/4/output.txt @@ -0,0 +1,49 @@ +Number of Grid-Elements in each direction: [8,8,8] +Solver-type used: GMRES-Solver +---------- OUTPUT ---------- + -------------------- +Corrector-Matrix M_1: +-0.194274 2.79987e-18 0 +2.79987e-18 0.0170292 0 +0 0 0 + + -------------------- +Corrector-Matrix M_2: +-0.00468987 -1.72897e-18 0 +-1.72897e-18 0.216856 0 +0 0 0 + + -------------------- +Corrector-Matrix M_3: +3.79448e-12 0.0306202 0 +0.0306202 -6.78842e-13 0 +0 0 0 + + -------------------- +--- Effective moduli --- +Qeff_: +393.147 15.1369 -1.0728e-15 +15.1369 273.187 4.15403e-16 +2.27934e-09 1.76257e-09 93.2184 + +------------------------ +--- Prestrain Output --- +Bhat_: 1210.62 -1043.81 -7.27696e-08 +Beff_: 3.23332 -4.00001 -7.84063e-10 (Effective Prestrain) +------------------------ +size of FiniteElementBasis: 1728 +q1=393.147 +q2=273.187 +q3=93.2184 +q12=15.1369 +q23=4.15403e-16 +q_onetwo=15.136892 +b1=3.233324 +b2=-4.000010 +b3=-0.000000 +mu_gamma=93.218429 +--------------------------------------------------------------------------------------------------------------------------------------- + Levels | q1 | q2 | q3 | q12 | q23 | b1 | b2 | b3 | +--------------------------------------------------------------------------------------------------------------------------------------- + 3 & 3.93147e+02 & 2.73187e+02 & 9.32184e+01 & 1.51369e+01 & 4.15403e-16 & 3.23332e+00 & -4.00001e+00 & -7.84063e-10 & +--------------------------------------------------------------------------------------------------------------------------------------- diff --git a/experiment/wood-bilayer-variant/results_laminated/4/parameter.txt b/experiment/wood-bilayer-variant/results_laminated/4/parameter.txt new file mode 100644 index 0000000000000000000000000000000000000000..dde8a5faf6722772e5dfea90f8704cf9901c2264 --- /dev/null +++ b/experiment/wood-bilayer-variant/results_laminated/4/parameter.txt @@ -0,0 +1,5 @@ +r = 0.3 +h = 0.0053 +width = 4.262750825 +omega_flat = 17.17547062 +omega_target = 8.959564147 diff --git a/experiment/wood-bilayer-variant/results_laminated/5/BMatrix.txt b/experiment/wood-bilayer-variant/results_laminated/5/BMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..fe3a95cd146acc4c409f2f20acb2eb59b602171c --- /dev/null +++ b/experiment/wood-bilayer-variant/results_laminated/5/BMatrix.txt @@ -0,0 +1,3 @@ +1 1 3.10594114992880233 +1 2 -4.72154315108788669 +1 3 3.86358558286652616e-31 diff --git a/experiment/wood-bilayer-variant/results_laminated/5/QMatrix.txt b/experiment/wood-bilayer-variant/results_laminated/5/QMatrix.txt new file mode 100644 index 0000000000000000000000000000000000000000..f19fb5c8996fd610335be8ccc4eaa3490bdfc964 --- /dev/null +++ b/experiment/wood-bilayer-variant/results_laminated/5/QMatrix.txt @@ -0,0 +1,9 @@ +1 1 397.987474934635202 +1 2 14.335253214382556 +1 3 -1.03397576569128459e-24 +2 1 14.3352532163009165 +2 2 242.384414032677284 +2 3 2.53404841951059357e-24 +3 1 -8.92740620628545523e-31 +3 2 -6.59145700247656771e-31 +3 3 93.0402626600464941 diff --git a/experiment/wood-bilayer-variant/results_laminated/5/output.txt b/experiment/wood-bilayer-variant/results_laminated/5/output.txt new file mode 100644 index 0000000000000000000000000000000000000000..14b2259f85bb8032b9ce1a6e54f9b05c9d521ad8 --- /dev/null +++ b/experiment/wood-bilayer-variant/results_laminated/5/output.txt @@ -0,0 +1,49 @@ +Number of Grid-Elements in each direction: [8,8,8] +Solver-type used: GMRES-Solver +---------- OUTPUT ---------- + -------------------- +Corrector-Matrix M_1: +-0.189254 3.33768e-31 0 +3.33768e-31 0.0171218 0 +0 0 0 + + -------------------- +Corrector-Matrix M_2: +-0.00414422 5.90289e-31 0 +5.90289e-31 0.228315 0 +0 0 0 + + -------------------- +Corrector-Matrix M_3: +0 0.0312375 0 +0.0312375 0 0 +0 0 0 + + -------------------- +--- Effective moduli --- +Qeff_: +397.987 14.3353 -1.03398e-24 +14.3353 242.384 2.53405e-24 +-8.92741e-31 -6.59146e-31 93.0403 + +------------------------ +--- Prestrain Output --- +Bhat_: 1168.44 -1099.9 3.62863e-29 +Beff_: 3.10594 -4.72154 3.86359e-31 (Effective Prestrain) +------------------------ +size of FiniteElementBasis: 1728 +q1=397.987 +q2=242.384 +q3=93.0403 +q12=14.3353 +q23=2.53405e-24 +q_onetwo=14.335253 +b1=3.105941 +b2=-4.721543 +b3=0.000000 +mu_gamma=93.040263 +--------------------------------------------------------------------------------------------------------------------------------------- + Levels | q1 | q2 | q3 | q12 | q23 | b1 | b2 | b3 | +--------------------------------------------------------------------------------------------------------------------------------------- + 3 & 3.97987e+02 & 2.42384e+02 & 9.30403e+01 & 1.43353e+01 & 2.53405e-24 & 3.10594e+00 & -4.72154e+00 & 3.86359e-31 & +--------------------------------------------------------------------------------------------------------------------------------------- diff --git a/experiment/wood-bilayer-variant/results_laminated/5/parameter.txt b/experiment/wood-bilayer-variant/results_laminated/5/parameter.txt new file mode 100644 index 0000000000000000000000000000000000000000..dde8a5faf6722772e5dfea90f8704cf9901c2264 --- /dev/null +++ b/experiment/wood-bilayer-variant/results_laminated/5/parameter.txt @@ -0,0 +1,5 @@ +r = 0.3 +h = 0.0053 +width = 4.262750825 +omega_flat = 17.17547062 +omega_target = 8.959564147 diff --git a/experiment/wood-bilayer-variant/results_laminated/kappa_simulation.txt b/experiment/wood-bilayer-variant/results_laminated/kappa_simulation.txt new file mode 100644 index 0000000000000000000000000000000000000000..b8036fd6a92fbcb790ce8e8b16ae4f8d171b428d --- /dev/null +++ b/experiment/wood-bilayer-variant/results_laminated/kappa_simulation.txt @@ -0,0 +1 @@ +[4. 3.9798995 2.89447236 2.4321608 ] \ No newline at end of file diff --git a/experiment/wood-bilayer-variant/wood_inclusion.py b/experiment/wood-bilayer-variant/wood_inclusion.py new file mode 100644 index 0000000000000000000000000000000000000000..a93b69028f83c20602af1936f271a41318170b40 --- /dev/null +++ b/experiment/wood-bilayer-variant/wood_inclusion.py @@ -0,0 +1,154 @@ +import math +#from python_matrix_operations import * +import ctypes +import os +import sys +import numpy as np +import elasticity_toolbox as elast + +#--------------------------------------------------------------- +# Wooden bilayer, https://www.ncbi.nlm.nih.gov/pmc/articles/PMC6191116/#pone.0205607.ref015 +#--- define indicator function +# x[0] : y1-component -1/2 to 1/2 +# x[1] : y2-component -1/2 to 1/2 +# x[2] : x3-component range -1/2 to 1/2 +#--- define indicator function + +# Parameters of the model +# -- ratio between upper layer / thickness, thickness [m] +param_width = 0.3 +param_r = 0.3 +param_h = 0.0053 +# -- moisture content in the flat state and target state [%] +param_omega_flat = 17.17547062 +param_omega_target = 8.959564147 +param_theta = 0 +# +# +# +delta_omega=param_omega_target-param_omega_flat +# moisture content for material law +omega=param_omega_target + +# --- Material properties from https://www.ncbi.nlm.nih.gov/pmc/articles/PMC6191116/#pone.0205607.ref015 +# --- for European beech, moisture content omega = 15% +# --- L=direction orthogonal to layering and fibres = orthogonal to wood stem cross-section +# --- T=tangential zu layering +# --- R=orthogonal zu layering +# --- in MPa +# --- Properties are defined by affine function in dependence of moisture content omega via property = b_0+b_1 \omega +# --- coefficients of affine function are contained in the following array +# --- data taken from http://dx.doi.org/10.1016/j.cma.2014.10.031 + +properties_coefficients=np.array([ + # [b_0, b_1] +[2565.6,-59.7], # E_R [MPa] +[885.4, -23.4], # E_T [MPa] +[17136.7,-282.4], # E_L [MPa] +[667.8, -15.19], # G_RT [MPa] +[1482, -15.26], # G_RL [MPa] +[1100, -17.72], # G_TL [MPa] +[0.2933, -0.001012], # nu_TR [1] +[0.383, -0.008722], # nu_LR [1] +[0.3368, -0.009071] # nu_LT [1] +]) +# Compute actual properties +#E_R=1500 +E_R = properties_coefficients[0,0]+properties_coefficients[0,1]*omega +# E_T=450 +E_T = properties_coefficients[1,0]+properties_coefficients[1,1]*omega +#E_L=12000 +E_L = properties_coefficients[2,0]+properties_coefficients[2,1]*omega +# G_RT=400 +G_RT = properties_coefficients[3,0]+properties_coefficients[3,1]*omega +# G_RL=1200 +G_LR = properties_coefficients[4,0]+properties_coefficients[4,1]*omega +# G_TL=800 +G_LT = properties_coefficients[5,0]+properties_coefficients[5,1]*omega +# nu_TR=0.28 +nu_TR = properties_coefficients[6,0]+properties_coefficients[6,1]*omega +# nu_LR=0.2125 +nu_LR = properties_coefficients[7,0]+properties_coefficients[7,1]*omega +# nu_LT=0.175 +nu_LT = properties_coefficients[8,0]+properties_coefficients[8,1]*omega +# +nu_TL=nu_LT*E_T/E_L +nu_RT=nu_TR*E_R/E_T +nu_RL=nu_LR*E_R/E_L + +# --- differential swelling strain +# --- relation to swelling strain eps: eps=alpha* delta_omega with delta_omega = change of water content in % +alpha_L=0.00011 # PLOS paper +alpha_R=0.00191 # PLOS paper +alpha_T=0.00462 # PLOS paper +# Umrechnen +#alpha_L=(1-1/(1+delta_omega*alpha_L))/delta_omega +#alpha_R=(1-1/(1+delta_omega*alpha_R))/delta_omega +#alpha_T=(1-1/(1+delta_omega*alpha_T))/delta_omega +# --- define geometry + +def indicatorFunction(x): + factor=1 + is_in_inclusion=(np.abs(x[0]-x[1])<param_width) and (x[2]>=(0.5-param_r)) and (x[0]>-0.4) and (x[0]<0.4) + if (x[2]>=(0.5-param_r)): + if is_in_inclusion: + return 3 + else : + return 1 + else : + return 2 + +# --- Number of material phases +Phases=3 + +# --- PHASE 1 +# y_1-direction: L +# y_2-direction: T +# x_3-direction: R +# phase1_type="orthotropic" +# materialParameters_phase1 = [E_L,E_T,E_R,G_TL,G_RT,G_RL,nu_LT,nu_LR,nu_TR] +phase1_type="general_anisotropic" +[E_1,E_2,E_3]=[E_L,E_T,E_R] +[nu_12,nu_13,nu_23]=[nu_LT,nu_LR,nu_TR] +[nu_21,nu_31,nu_32]=[nu_TL,nu_RL,nu_RT] +[G_12,G_31,G_23]=[G_LT,G_LR,G_RT] +compliance_S=np.array([[1/E_1, -nu_21/E_2, -nu_31/E_3, 0.0, 0.0, 0.0], + [-nu_12/E_1, 1/E_2, -nu_32/E_3, 0.0, 0.0, 0.0], + [-nu_13/E_1, -nu_23/E_2, 1/E_3, 0.0, 0.0, 0.0], + [0.0, 0.0, 0.0, 1/G_23, 0.0, 0.0], + [0.0, 0.0, 0.0, 0.0, 1/G_31, 0.0], + [0.0, 0.0, 0.0, 0.0, 0.0, 1/G_12]]); +materialParameters_phase1 = compliance_S +def prestrain_phase1(x): + return [[1/param_h*delta_omega*alpha_L, 0, 0], [0,1/param_h*delta_omega*alpha_T,0], [0,0,1/param_h*delta_omega*alpha_R]] + +# --- PHASE 2 +# y_1-direction: R +# y_2-direction: L +# x_3-direction: T +phase2_type="general_anisotropic" +[E_1,E_2,E_3]=[E_R,E_L,E_T] +[nu_12,nu_13,nu_23]=[nu_RL,nu_RT,nu_LT] +[nu_21,nu_31,nu_32]=[nu_LR,nu_TR,nu_TL] +[G_12,G_31,G_23]=[G_LR,G_RT,G_LT] +compliance_S=np.array([[1/E_1, -nu_21/E_2, -nu_31/E_3, 0.0, 0.0, 0.0], + [-nu_12/E_1, 1/E_2, -nu_32/E_3, 0.0, 0.0, 0.0], + [-nu_13/E_1, -nu_23/E_2, 1/E_3, 0.0, 0.0, 0.0], + [0.0, 0.0, 0.0, 1/G_23, 0.0, 0.0], + [0.0, 0.0, 0.0, 0.0, 1/G_31, 0.0], + [0.0, 0.0, 0.0, 0.0, 0.0, 1/G_12]]); +materialParameters_phase2 = compliance_S +#phase2_type="orthotropic" +#materialParameters_phase2 = [E_R, E_L, E_T,G_RL, G_TL, G_RT,nu_LR, nu_TR,nu_LT] +def prestrain_phase2(x): + return [[1/param_h*delta_omega*alpha_R, 0, 0], [0,1/param_h*delta_omega*alpha_L,0], [0,0,1/param_h*delta_omega*alpha_T]] + +# --- PHASE 3 = approximation of a whole +phase3_type="isotropic" +# E in MPa and nu +E = 1 # +nu = 0 +# [mu, lambda] +materialParameters_phase3 = [E/(2*(1+nu)), (E*nu)/((1+nu)*(1-2*nu))] +def prestrain_phase3(x): + return [[0,0,0],[0,0,0],[0,0,0]] diff --git a/experiment/wood-bilayer-variant/wood_inclusion_test.py b/experiment/wood-bilayer-variant/wood_inclusion_test.py new file mode 100644 index 0000000000000000000000000000000000000000..d42ed1ccfa69062a46b45acc2b570c98963e707a --- /dev/null +++ b/experiment/wood-bilayer-variant/wood_inclusion_test.py @@ -0,0 +1,160 @@ +import subprocess +import re +import os +import numpy as np +import matplotlib.pyplot as plt +import math +import fileinput +import time +import matplotlib.ticker as tickers +import matplotlib as mpl +from matplotlib.ticker import MultipleLocator,FormatStrFormatter,MaxNLocator +import codecs +import sys +import threading + +# Schreibe input datei für Parameter +def SetParametersCellProblem(ParameterSet, ParsetFilePath, outputPath): + print('----set Parameters -----') + with open(ParsetFilePath, 'r') as file: + filedata = file.read() + filedata = re.sub('(?m)^materialFunction\s?=.*','materialFunction = '+str(ParameterSet.materialFunction),filedata) + filedata = re.sub('(?m)^gamma\s?=.*','gamma='+str(ParameterSet.gamma),filedata) + filedata = re.sub('(?m)^numLevels\s?=.*','numLevels='+str(ParameterSet.numLevels)+' '+str(ParameterSet.numLevels) ,filedata) + filedata = re.sub('(?m)^outputPath\s?=\s?.*','outputPath='+str(outputPath),filedata) + f = open(ParsetFilePath,'w') + f.write(filedata) + f.close() + + +# Ändere Parameter der MaterialFunction +def SetParameterMaterialFunction(materialFunction, parameterName, parameterValue): + with open(Path+"/"+materialFunction+'.py', 'r') as file: + filedata = file.read() + filedata = re.sub('(?m)^'+str(parameterName)+'\s?=.*',str(parameterName)+' = '+str(parameterValue),filedata) + f = open(Path+"/"+materialFunction+'.py','w') + f.write(filedata) + f.close() + +# Rufe Programm zum Lösen des Cell-Problems auf +def run_CellProblem(executable, parset,write_LOG): + print('----- RUN Cell-Problem ----') + processList = [] + LOGFILE = "Cell-Problem_output.log" + print('LOGFILE:',LOGFILE) + print('executable:',executable) + if write_LOG: + p = subprocess.Popen(executable + parset + + " | tee " + LOGFILE, shell=True) + + else: + p = subprocess.Popen(executable + parset + + " | tee " + LOGFILE, shell=True) + + p.wait() # wait + processList.append(p) + exit_codes = [p.wait() for p in processList] + + return + +# Read effective quantites +def ReadEffectiveQuantities(QFilePath = os.path.dirname(os.getcwd()) + '/outputs/QMatrix.txt', BFilePath = os.path.dirname(os.getcwd())+ '/outputs/BMatrix.txt'): + # Read Output Matrices (effective quantities) + # From Cell-Problem output Files : ../outputs/Qmatrix.txt , ../outputs/Bmatrix.txt + # -- Read Matrix Qhom + X = [] + # with codecs.open(path + '/outputs/QMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(QFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + Q = np.array([[X[0][2], X[1][2], X[2][2]], + [X[3][2], X[4][2], X[5][2]], + [X[6][2], X[7][2], X[8][2]] ]) + + # -- Read Beff (as Vector) + X = [] + # with codecs.open(path + '/outputs/BMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(BFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + B = np.array([X[0][2], X[1][2], X[2][2]]) + return Q, B + +# Function for evaluating the energy in terms of kappa, alpha and Q, B +def eval_energy(kappa,alpha,Q,B) : + G=kappa*np.array([[np.cos(alpha)**2],[np.sin(alpha)**2],[np.sqrt(2)*np.cos(alpha)*np.sin(alpha)]])-B + return np.matmul(np.transpose(G),np.matmul(Q,G))[0,0] + +#------------------------------------------------------------------------------------------------------- +######################## +#### SET PARAMETERS #### +######################## +# ----- Setup Paths ----- +Path = "./experiment/wood-bilayer-variant" +# parset = ' ./experiment/wood-bilayer/cellsolver.parset.wood' +ParsetFile = Path + '/cellsolver.parset.wood' +executable = 'build-cmake/src/Cell-Problem' +write_LOG = True # writes Cell-Problem output-LOG in "Cell-Problem_output.log" +# --------------------------------- +# Setup Experiment +# --------------------------------- +outputPath = Path + '/results_inclusion/' + +# ----- Define Input parameters -------------------- +class ParameterSet: + pass + +ParameterSet.materialFunction = "wood_inclusion" +ParameterSet.gamma=1.0 +ParameterSet.numLevels=4 + +# ----- Define Parameters for Material Function -------------------- +# [r, h, omega_flat, omega_target, theta, experimental_kappa, width] width=width of upper inclusion +# materialFunctionParameter=[ +# [0.22, 0.0053, 17.17547062, 8.959564147, 0, 4.262750825, 0], +# [0.22, 0.0053, 17.17547062, 8.959564147, 0, 4.262750825, 0.2], +# [0.22, 0.0053, 17.17547062, 8.959564147, 0, 4.262750825, 0.4], +# [0.22, 0.0053, 17.17547062, 8.959564147, 0, 4.262750825, 0.6] +# ] +materialFunctionParameter=[ + [0.3, 0.0053, 17.17547062, 8.959564147, 0, 4.262750825, 0], + [0.3, 0.0053, 17.17547062, 8.959564147, 0, 4.262750825, 0.1], + [0.3, 0.0053, 17.17547062, 8.959564147, 0, 4.262750825, 0.2], + [0.3, 0.0053, 17.17547062, 8.959564147, 0, 4.262750825, 0.3] +] + +# ------ Loops through Parameters for Material Function ----------- +for i in range(0,np.shape(materialFunctionParameter)[0]): + print("------------------") + print("New Loop") + print("------------------") + # Check output directory + path = outputPath + str(i) + isExist = os.path.exists(path) + if not isExist: + # Create a new directory because it does not exist + os.makedirs(path) + print("The new directory " + path + " is created!") + SetParameterMaterialFunction(ParameterSet.materialFunction, "param_r",materialFunctionParameter[i][0]) + SetParameterMaterialFunction(ParameterSet.materialFunction, "param_h",materialFunctionParameter[i][1]) + SetParameterMaterialFunction(ParameterSet.materialFunction, "param_omega_flat",materialFunctionParameter[i][2]) + SetParameterMaterialFunction(ParameterSet.materialFunction, "param_omega_target",materialFunctionParameter[i][3]) + SetParameterMaterialFunction(ParameterSet.materialFunction, "param_theta",materialFunctionParameter[i][4]) + SetParameterMaterialFunction(ParameterSet.materialFunction, "param_width",materialFunctionParameter[i][6]) + SetParametersCellProblem(ParameterSet, ParsetFile, path) + #Run Cell-Problem + thread = threading.Thread(target=run_CellProblem(executable, " ./"+ParsetFile, write_LOG)) + thread.start() + # --------------------------------------------------- + # wait here for the result to be available before continuing + thread.join() + f = open(path+"/parameter.txt", "w") + f.write("r = "+str(materialFunctionParameter[i][0])+"\n") + f.write("h = "+str(materialFunctionParameter[i][1])+"\n") + f.write("width = "+str(materialFunctionParameter[i][5])+"\n") + f.write("omega_flat = "+str(materialFunctionParameter[i][2])+"\n") + f.write("omega_target = "+str(materialFunctionParameter[i][3])+"\n") + f.close() + # diff --git a/experiment/wood-bilayer-variant/wood_upper_laminate_test.py b/experiment/wood-bilayer-variant/wood_upper_laminate_test.py new file mode 100644 index 0000000000000000000000000000000000000000..c3b123525611e9fd99da4606fd656bf213c698b7 --- /dev/null +++ b/experiment/wood-bilayer-variant/wood_upper_laminate_test.py @@ -0,0 +1,164 @@ +import subprocess +import re +import os +import numpy as np +import matplotlib.pyplot as plt +import math +import fileinput +import time +import matplotlib.ticker as tickers +import matplotlib as mpl +from matplotlib.ticker import MultipleLocator,FormatStrFormatter,MaxNLocator +import codecs +import sys +import threading + +# Schreibe input datei für Parameter +def SetParametersCellProblem(ParameterSet, ParsetFilePath, outputPath): + print('----set Parameters -----') + with open(ParsetFilePath, 'r') as file: + filedata = file.read() + filedata = re.sub('(?m)^materialFunction\s?=.*','materialFunction = '+str(ParameterSet.materialFunction),filedata) + filedata = re.sub('(?m)^gamma\s?=.*','gamma='+str(ParameterSet.gamma),filedata) + filedata = re.sub('(?m)^numLevels\s?=.*','numLevels='+str(ParameterSet.numLevels)+' '+str(ParameterSet.numLevels) ,filedata) + filedata = re.sub('(?m)^outputPath\s?=\s?.*','outputPath='+str(outputPath),filedata) + f = open(ParsetFilePath,'w') + f.write(filedata) + f.close() + + +# Ändere Parameter der MaterialFunction +def SetParameterMaterialFunction(materialFunction, parameterName, parameterValue): + with open(Path+"/"+materialFunction+'.py', 'r') as file: + filedata = file.read() + filedata = re.sub('(?m)^'+str(parameterName)+'\s?=.*',str(parameterName)+' = '+str(parameterValue),filedata) + f = open(Path+"/"+materialFunction+'.py','w') + f.write(filedata) + f.close() + +# Rufe Programm zum Lösen des Cell-Problems auf +def run_CellProblem(executable, parset,write_LOG): + print('----- RUN Cell-Problem ----') + processList = [] + LOGFILE = "Cell-Problem_output.log" + print('LOGFILE:',LOGFILE) + print('executable:',executable) + if write_LOG: + p = subprocess.Popen(executable + parset + + " | tee " + LOGFILE, shell=True) + + else: + p = subprocess.Popen(executable + parset + + " | tee " + LOGFILE, shell=True) + + p.wait() # wait + processList.append(p) + exit_codes = [p.wait() for p in processList] + + return + +# Read effective quantites +def ReadEffectiveQuantities(QFilePath = os.path.dirname(os.getcwd()) + '/outputs/QMatrix.txt', BFilePath = os.path.dirname(os.getcwd())+ '/outputs/BMatrix.txt'): + # Read Output Matrices (effective quantities) + # From Cell-Problem output Files : ../outputs/Qmatrix.txt , ../outputs/Bmatrix.txt + # -- Read Matrix Qhom + X = [] + # with codecs.open(path + '/outputs/QMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(QFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + Q = np.array([[X[0][2], X[1][2], X[2][2]], + [X[3][2], X[4][2], X[5][2]], + [X[6][2], X[7][2], X[8][2]] ]) + + # -- Read Beff (as Vector) + X = [] + # with codecs.open(path + '/outputs/BMatrix.txt', encoding='utf-8-sig') as f: + with codecs.open(BFilePath, encoding='utf-8-sig') as f: + for line in f: + s = line.split() + X.append([float(s[i]) for i in range(len(s))]) + B = np.array([X[0][2], X[1][2], X[2][2]]) + return Q, B + +# Function for evaluating the energy in terms of kappa, alpha and Q, B +def eval_energy(kappa,alpha,Q,B) : + G=kappa*np.array([[np.cos(alpha)**2],[np.sin(alpha)**2],[np.sqrt(2)*np.cos(alpha)*np.sin(alpha)]])-B + return np.matmul(np.transpose(G),np.matmul(Q,G))[0,0] + +#------------------------------------------------------------------------------------------------------- +######################## +#### SET PARAMETERS #### +######################## +# ----- Setup Paths ----- +Path = "./experiment/wood-bilayer-variant" +# parset = ' ./experiment/wood-bilayer/cellsolver.parset.wood' +ParsetFile = Path + '/cellsolver.parset.wood' +executable = 'build-cmake/src/Cell-Problem' +write_LOG = True # writes Cell-Problem output-LOG in "Cell-Problem_output.log" +# --------------------------------- +# Setup Experiment +# --------------------------------- +outputPath = Path + '/results_laminated/' +#outputPath = Path + '/results_square/' + +# ----- Define Input parameters -------------------- +class ParameterSet: + pass + +ParameterSet.materialFunction = "wood_upper_laminated" +#ParameterSet.materialFunction = "wood_square" +ParameterSet.gamma=1.0 +ParameterSet.numLevels=3 + +# ----- Define Parameters for Material Function -------------------- +# [r, h, omega_flat, omega_target, theta, experimental_kappa, width] width=width of upper laminate +# materialFunctionParameter=[ +# [0.22, 0.0053, 17.17547062, 8.959564147, 0, 4.262750825, 0], +# [0.22, 0.0053, 17.17547062, 8.959564147, 0, 4.262750825, 0.2], +# [0.22, 0.0053, 17.17547062, 8.959564147, 0, 4.262750825, 0.4], +# [0.22, 0.0053, 17.17547062, 8.959564147, 0, 4.262750825, 0.6] +# ] +materialFunctionParameter=[ + [0.3, 0.0053, 17.17547062, 8.959564147, 0, 4.262750825, 0], + [0.3, 0.0053, 17.17547062, 8.959564147, 0, 4.262750825, 0.25], + [0.3, 0.0053, 17.17547062, 8.959564147, 0, 4.262750825, 0.5], + [0.3, 0.0053, 17.17547062, 8.959564147, 0, 4.262750825, 0.7], + [0.3, 0.0053, 17.17547062, 8.959564147, 0, 4.262750825, 0.9], + [0.3, 0.0053, 17.17547062, 8.959564147, 0, 4.262750825, 1] +] + +# ------ Loops through Parameters for Material Function ----------- +for i in range(0,np.shape(materialFunctionParameter)[0]): + print("------------------") + print("New Loop") + print("------------------") + # Check output directory + path = outputPath + str(i) + isExist = os.path.exists(path) + if not isExist: + # Create a new directory because it does not exist + os.makedirs(path) + print("The new directory " + path + " is created!") + SetParameterMaterialFunction(ParameterSet.materialFunction, "param_r",materialFunctionParameter[i][0]) + SetParameterMaterialFunction(ParameterSet.materialFunction, "param_h",materialFunctionParameter[i][1]) + SetParameterMaterialFunction(ParameterSet.materialFunction, "param_omega_flat",materialFunctionParameter[i][2]) + SetParameterMaterialFunction(ParameterSet.materialFunction, "param_omega_target",materialFunctionParameter[i][3]) + SetParameterMaterialFunction(ParameterSet.materialFunction, "param_theta",materialFunctionParameter[i][4]) + SetParameterMaterialFunction(ParameterSet.materialFunction, "param_width",materialFunctionParameter[i][6]) + SetParametersCellProblem(ParameterSet, ParsetFile, path) + #Run Cell-Problem + thread = threading.Thread(target=run_CellProblem(executable, " ./"+ParsetFile, write_LOG)) + thread.start() + # --------------------------------------------------- + # wait here for the result to be available before continuing + thread.join() + f = open(path+"/parameter.txt", "w") + f.write("r = "+str(materialFunctionParameter[i][0])+"\n") + f.write("h = "+str(materialFunctionParameter[i][1])+"\n") + f.write("width = "+str(materialFunctionParameter[i][5])+"\n") + f.write("omega_flat = "+str(materialFunctionParameter[i][2])+"\n") + f.write("omega_target = "+str(materialFunctionParameter[i][3])+"\n") + f.close() + # diff --git a/experiment/wood-bilayer-variant/wood_upper_laminated.py b/experiment/wood-bilayer-variant/wood_upper_laminated.py new file mode 100644 index 0000000000000000000000000000000000000000..467e0dc59ca4f1f5486619ff2e574fe3bf22cfb9 --- /dev/null +++ b/experiment/wood-bilayer-variant/wood_upper_laminated.py @@ -0,0 +1,164 @@ +import math +#from python_matrix_operations import * +import ctypes +import os +import sys +import numpy as np +import elasticity_toolbox as elast + +#--------------------------------------------------------------- +# Wooden bilayer, https://www.ncbi.nlm.nih.gov/pmc/articles/PMC6191116/#pone.0205607.ref015 +#--- define indicator function +# x[0] : y1-component -1/2 to 1/2 +# x[1] : y2-component -1/2 to 1/2 +# x[2] : x3-component range -1/2 to 1/2 +#--- define indicator function + +# Parameters of the model +# -- ratio between upper layer / thickness, thickness [m] +param_width = 1 +param_r = 0.3 +param_h = 0.0053 +# -- moisture content in the flat state and target state [%] +param_omega_flat = 17.17547062 +param_omega_target = 8.959564147 +param_theta = 0 +# +# +# +delta_omega=param_omega_target-param_omega_flat +# moisture content for material law +omega=param_omega_target + +# --- Material properties from https://www.ncbi.nlm.nih.gov/pmc/articles/PMC6191116/#pone.0205607.ref015 +# --- for European beech, moisture content omega = 15% +# --- L=direction orthogonal to layering and fibres = orthogonal to wood stem cross-section +# --- T=tangential zu layering +# --- R=orthogonal zu layering +# --- in MPa +# --- Properties are defined by affine function in dependence of moisture content omega via property = b_0+b_1 \omega +# --- coefficients of affine function are contained in the following array +# --- data taken from http://dx.doi.org/10.1016/j.cma.2014.10.031 + +properties_coefficients=np.array([ + # [b_0, b_1] +[2565.6,-59.7], # E_R [MPa] +[885.4, -23.4], # E_T [MPa] +[17136.7,-282.4], # E_L [MPa] +[667.8, -15.19], # G_RT [MPa] +[1482, -15.26], # G_RL [MPa] +[1100, -17.72], # G_TL [MPa] +[0.2933, -0.001012], # nu_TR [1] +[0.383, -0.008722], # nu_LR [1] +[0.3368, -0.009071] # nu_LT [1] +]) +# Compute actual properties +#E_R=1500 +E_R = properties_coefficients[0,0]+properties_coefficients[0,1]*omega +# E_T=450 +E_T = properties_coefficients[1,0]+properties_coefficients[1,1]*omega +#E_L=12000 +E_L = properties_coefficients[2,0]+properties_coefficients[2,1]*omega +# G_RT=400 +G_RT = properties_coefficients[3,0]+properties_coefficients[3,1]*omega +# G_RL=1200 +G_LR = properties_coefficients[4,0]+properties_coefficients[4,1]*omega +# G_TL=800 +G_LT = properties_coefficients[5,0]+properties_coefficients[5,1]*omega +# nu_TR=0.28 +nu_TR = properties_coefficients[6,0]+properties_coefficients[6,1]*omega +# nu_LR=0.2125 +nu_LR = properties_coefficients[7,0]+properties_coefficients[7,1]*omega +# nu_LT=0.175 +nu_LT = properties_coefficients[8,0]+properties_coefficients[8,1]*omega +# +nu_TL=nu_LT*E_T/E_L +nu_RT=nu_TR*E_R/E_T +nu_RL=nu_LR*E_R/E_L + +# --- differential swelling strain +# --- relation to swelling strain eps: eps=alpha* delta_omega with delta_omega = change of water content in % +alpha_L=0.00011 # PLOS paper +alpha_R=0.00191 # PLOS paper +alpha_T=0.00462 # PLOS paper +# Umrechnen +#alpha_L=(1-1/(1+delta_omega*alpha_L))/delta_omega +#alpha_R=(1-1/(1+delta_omega*alpha_R))/delta_omega +#alpha_T=(1-1/(1+delta_omega*alpha_T))/delta_omega +# --- define geometry + +def indicatorFunction(x): + factor=1 + if (x[2]>=(0.5-param_r)): + return 1 + else : + if (x[0]>(0.5-param_width)) and (x[2]>=0): + return 1 + else : + return 2 + +# --- Number of material phases +Phases=3 + +# --- PHASE 1 +# y_1-direction: L +# y_2-direction: T +# x_3-direction: R +# phase1_type="orthotropic" +# materialParameters_phase1 = [E_L,E_T,E_R,G_TL,G_RT,G_RL,nu_LT,nu_LR,nu_TR] +phase1_type="general_anisotropic" +[E_1,E_2,E_3]=[E_L,E_T,E_R] +[nu_12,nu_13,nu_23]=[nu_LT,nu_LR,nu_TR] +[nu_21,nu_31,nu_32]=[nu_TL,nu_RL,nu_RT] +[G_12,G_31,G_23]=[G_LT,G_LR,G_RT] +compliance_S=np.array([[1/E_1, -nu_21/E_2, -nu_31/E_3, 0.0, 0.0, 0.0], + [-nu_12/E_1, 1/E_2, -nu_32/E_3, 0.0, 0.0, 0.0], + [-nu_13/E_1, -nu_23/E_2, 1/E_3, 0.0, 0.0, 0.0], + [0.0, 0.0, 0.0, 1/G_23, 0.0, 0.0], + [0.0, 0.0, 0.0, 0.0, 1/G_31, 0.0], + [0.0, 0.0, 0.0, 0.0, 0.0, 1/G_12]]); +materialParameters_phase1 = compliance_S +def prestrain_phase1(x): + return [[1/param_h*delta_omega*alpha_L, 0, 0], [0,1/param_h*delta_omega*alpha_T,0], [0,0,1/param_h*delta_omega*alpha_R]] + +# --- PHASE 2 +# y_1-direction: R +# y_2-direction: L +# x_3-direction: T +phase2_type="general_anisotropic" +[E_1,E_2,E_3]=[E_R,E_L,E_T] +[nu_12,nu_13,nu_23]=[nu_RL,nu_RT,nu_LT] +[nu_21,nu_31,nu_32]=[nu_LR,nu_TR,nu_TL] +[G_12,G_31,G_23]=[G_LR,G_RT,G_LT] +compliance_S=np.array([[1/E_1, -nu_21/E_2, -nu_31/E_3, 0.0, 0.0, 0.0], + [-nu_12/E_1, 1/E_2, -nu_32/E_3, 0.0, 0.0, 0.0], + [-nu_13/E_1, -nu_23/E_2, 1/E_3, 0.0, 0.0, 0.0], + [0.0, 0.0, 0.0, 1/G_23, 0.0, 0.0], + [0.0, 0.0, 0.0, 0.0, 1/G_31, 0.0], + [0.0, 0.0, 0.0, 0.0, 0.0, 1/G_12]]); +materialParameters_phase2 = compliance_S +#phase2_type="orthotropic" +#materialParameters_phase2 = [E_R, E_L, E_T,G_RL, G_TL, G_RT,nu_LR, nu_TR,nu_LT] +def prestrain_phase2(x): + return [[1/param_h*delta_omega*alpha_R, 0, 0], [0,1/param_h*delta_omega*alpha_L,0], [0,0,1/param_h*delta_omega*alpha_T]] + +# --- PHASE 1 +# y_1-direction: L +# y_2-direction: T +# x_3-direction: R +# phase1_type="orthotropic" +# materialParameters_phase1 = [E_L,E_T,E_R,G_TL,G_RT,G_RL,nu_LT,nu_LR,nu_TR] +phase3_type="general_anisotropic" +[E_1,E_2,E_3]=[E_T,E_L,E_R] +[nu_12,nu_13,nu_23]=[nu_TL,nu_TR,nu_LR] +[nu_21,nu_31,nu_32]=[nu_LT,nu_RT,nu_RL] +[G_12,G_31,G_23]=[G_LT,G_RT,G_LR] +compliance_S=np.array([[1/E_1, -nu_21/E_2, -nu_31/E_3, 0.0, 0.0, 0.0], + [-nu_12/E_1, 1/E_2, -nu_32/E_3, 0.0, 0.0, 0.0], + [-nu_13/E_1, -nu_23/E_2, 1/E_3, 0.0, 0.0, 0.0], + [0.0, 0.0, 0.0, 1/G_23, 0.0, 0.0], + [0.0, 0.0, 0.0, 0.0, 1/G_31, 0.0], + [0.0, 0.0, 0.0, 0.0, 0.0, 1/G_12]]); +materialParameters_phase3 = compliance_S +def prestrain_phase3(x): + return [[1/param_h*delta_omega*alpha_T, 0, 0], [0,1/param_h*delta_omega*alpha_L,0], [0,0,1/param_h*delta_omega*alpha_R]] diff --git a/experiment/wood-bilayer/results/0/BMatrix.txt b/experiment/wood-bilayer/results/0/BMatrix.txt deleted file mode 100644 index 84844fde453df96f7bf5718a227f54c954ec7a21..0000000000000000000000000000000000000000 --- a/experiment/wood-bilayer/results/0/BMatrix.txt +++ /dev/null @@ -1,3 +0,0 @@ -1 1 1.22028443964317246 -1 2 -0.2845146939877648 -1 3 -1.41110998730663744e-33 diff --git a/experiment/wood-bilayer/results/0/QMatrix.txt b/experiment/wood-bilayer/results/0/QMatrix.txt deleted file mode 100644 index 2969e15f5e4c2de60e7c8f891f12670454bd328f..0000000000000000000000000000000000000000 --- a/experiment/wood-bilayer/results/0/QMatrix.txt +++ /dev/null @@ -1,9 +0,0 @@ -1 1 304.52882446568799 -1 2 19.1058810430896244 -1 3 -1.65436122510605535e-24 -2 1 19.1058932055586403 -2 2 524.281062366142351 -2 3 1.18131731230229265e-23 -3 1 7.66396164928418806e-33 -3 2 1.21058723308231638e-32 -3 3 88.8021141416043207 diff --git a/experiment/wood-bilayer/results/0/parameter.txt b/experiment/wood-bilayer/results/0/parameter.txt deleted file mode 100644 index ee7ee08fcca4bcbcac93d88a2edf8ee1497033da..0000000000000000000000000000000000000000 --- a/experiment/wood-bilayer/results/0/parameter.txt +++ /dev/null @@ -1,4 +0,0 @@ -r = 0.22 -h = 0.0053 -omega_flat = 17.17547062 -omega_target = 14.72680026 diff --git a/experiment/wood-bilayer/results/1/BMatrix.txt b/experiment/wood-bilayer/results/1/BMatrix.txt deleted file mode 100644 index 2b051e9579279010d1bdd5647cc1e8dc1fb79118..0000000000000000000000000000000000000000 --- a/experiment/wood-bilayer/results/1/BMatrix.txt +++ /dev/null @@ -1,3 +0,0 @@ -1 1 1.7573834621025497 -1 2 -0.42040684090086522 -1 3 -1.93627631123640932e-32 diff --git a/experiment/wood-bilayer/results/1/QMatrix.txt b/experiment/wood-bilayer/results/1/QMatrix.txt deleted file mode 100644 index d6f7407d939a66de43a8da1af41b09342291ce8d..0000000000000000000000000000000000000000 --- a/experiment/wood-bilayer/results/1/QMatrix.txt +++ /dev/null @@ -1,9 +0,0 @@ -1 1 315.078030302231809 -1 2 20.6661963902054353 -1 3 -5.16987882845642297e-24 -2 1 20.6662089007290781 -2 2 537.77534277449513 -2 3 -1.27954501004296468e-24 -3 1 9.31699229364431294e-32 -3 2 -1.2996446844110351e-32 -3 3 90.3065313535569913 diff --git a/experiment/wood-bilayer/results/1/parameter.txt b/experiment/wood-bilayer/results/1/parameter.txt deleted file mode 100644 index 23cacfffe7ac1743e8de3970520ef790b1d315ab..0000000000000000000000000000000000000000 --- a/experiment/wood-bilayer/results/1/parameter.txt +++ /dev/null @@ -1,4 +0,0 @@ -r = 0.22 -h = 0.0053 -omega_flat = 17.17547062 -omega_target = 13.64338887 diff --git a/experiment/wood-bilayer/results/2/BMatrix.txt b/experiment/wood-bilayer/results/2/BMatrix.txt deleted file mode 100644 index 06fe4580e31da659241d5b8e63e7df8fefd506ff..0000000000000000000000000000000000000000 --- a/experiment/wood-bilayer/results/2/BMatrix.txt +++ /dev/null @@ -1,3 +0,0 @@ -1 1 2.36523001516716569 -1 2 -0.581569592422200854 -1 3 2.33065121544418776e-34 diff --git a/experiment/wood-bilayer/results/2/QMatrix.txt b/experiment/wood-bilayer/results/2/QMatrix.txt deleted file mode 100644 index b04d2a6212525a24e99671105ab6895d675c5adc..0000000000000000000000000000000000000000 --- a/experiment/wood-bilayer/results/2/QMatrix.txt +++ /dev/null @@ -1,9 +0,0 @@ -1 1 327.048205759343205 -1 2 22.5165789852819032 -1 3 -3.72877510502419507e-24 -2 1 22.5165911472273521 -2 2 553.147634470043045 -2 3 1.34416849539866997e-24 -3 1 9.61672195943999387e-33 -3 2 6.28741120991523548e-33 -3 3 92.0137173817475684 diff --git a/experiment/wood-bilayer/results/2/parameter.txt b/experiment/wood-bilayer/results/2/parameter.txt deleted file mode 100644 index 1b0b796f34fbcecdcb056432bd2b48af88d3876a..0000000000000000000000000000000000000000 --- a/experiment/wood-bilayer/results/2/parameter.txt +++ /dev/null @@ -1,4 +0,0 @@ -r = 0.22 -h = 0.0053 -omega_flat = 17.17547062 -omega_target = 12.41305478 diff --git a/experiment/wood-bilayer/results/3/BMatrix.txt b/experiment/wood-bilayer/results/3/BMatrix.txt deleted file mode 100644 index 82579fb33426d74bcdf234954d899bf847acf1cd..0000000000000000000000000000000000000000 --- a/experiment/wood-bilayer/results/3/BMatrix.txt +++ /dev/null @@ -1,3 +0,0 @@ -1 1 2.73380820761312782 -1 2 -0.68295979603524104 -1 3 -1.51829981430077995e-33 diff --git a/experiment/wood-bilayer/results/3/QMatrix.txt b/experiment/wood-bilayer/results/3/QMatrix.txt deleted file mode 100644 index ba86d73705311372c7b8a3d79b947b490b5d23bd..0000000000000000000000000000000000000000 --- a/experiment/wood-bilayer/results/3/QMatrix.txt +++ /dev/null @@ -1,9 +0,0 @@ -1 1 334.324056037577748 -1 2 23.6828912676120602 -1 3 4.21345124519198472e-24 -2 1 23.6828964275446054 -2 2 562.522258871768145 -2 3 4.30392412468997212e-24 -3 1 -1.16480740815231617e-32 -3 2 -8.12511691239257716e-33 -3 3 93.0513170279158714 diff --git a/experiment/wood-bilayer/results/3/parameter.txt b/experiment/wood-bilayer/results/3/parameter.txt deleted file mode 100644 index 3ab41d62a901caa341c63e0f671904b3fff6ca30..0000000000000000000000000000000000000000 --- a/experiment/wood-bilayer/results/3/parameter.txt +++ /dev/null @@ -1,4 +0,0 @@ -r = 0.22 -h = 0.0053 -omega_flat = 17.17547062 -omega_target = 11.66482931 diff --git a/experiment/wood-bilayer/results/4/BMatrix.txt b/experiment/wood-bilayer/results/4/BMatrix.txt deleted file mode 100644 index a0f25ae1a0e60f9ae00daad6e2418e7bc2a7e839..0000000000000000000000000000000000000000 --- a/experiment/wood-bilayer/results/4/BMatrix.txt +++ /dev/null @@ -1,3 +0,0 @@ -1 1 3.01257794449986038 -1 2 -0.761426746467108506 -1 3 -2.00301081070281749e-33 diff --git a/experiment/wood-bilayer/results/4/QMatrix.txt b/experiment/wood-bilayer/results/4/QMatrix.txt deleted file mode 100644 index 7dbc4bb9649e95273f0cfb72e33989969a51293e..0000000000000000000000000000000000000000 --- a/experiment/wood-bilayer/results/4/QMatrix.txt +++ /dev/null @@ -1,9 +0,0 @@ -1 1 339.836353364801084 -1 2 24.5874784431021602 -1 3 -9.71937219749807518e-24 -2 1 24.5874898806789268 -2 2 569.639985045040589 -2 3 2.29930360895599411e-23 -3 1 -2.0503720577364613e-32 -3 2 -1.25878986003714669e-32 -3 3 93.8373197975450353 diff --git a/experiment/wood-bilayer/results/4/parameter.txt b/experiment/wood-bilayer/results/4/parameter.txt deleted file mode 100644 index 391a2bf4441d18b9c73c1769757935cd7b532d0d..0000000000000000000000000000000000000000 --- a/experiment/wood-bilayer/results/4/parameter.txt +++ /dev/null @@ -1,4 +0,0 @@ -r = 0.22 -h = 0.0053 -omega_flat = 17.17547062 -omega_target = 11.09781471 diff --git a/experiment/wood-bilayer/results/5/BMatrix.txt b/experiment/wood-bilayer/results/5/BMatrix.txt deleted file mode 100644 index 8e6000c561b1e9160879813615e66c383d3a4565..0000000000000000000000000000000000000000 --- a/experiment/wood-bilayer/results/5/BMatrix.txt +++ /dev/null @@ -1,3 +0,0 @@ -1 1 3.82701535427334427 -1 2 -0.999166807715384686 -1 3 1.36223980815737315e-34 diff --git a/experiment/wood-bilayer/results/5/QMatrix.txt b/experiment/wood-bilayer/results/5/QMatrix.txt deleted file mode 100644 index c14621ce7edcdcf227bc739a1728218c374427db..0000000000000000000000000000000000000000 --- a/experiment/wood-bilayer/results/5/QMatrix.txt +++ /dev/null @@ -1,9 +0,0 @@ -1 1 355.98933444216442 -1 2 27.3425221293822105 -1 3 -1.18907213054497728e-24 -2 1 27.3425338419695017 -2 2 590.572959316512765 -2 3 1.55096364853692689e-25 -3 1 -1.32587679531366614e-33 -3 2 -1.39370368771301563e-33 -3 3 96.1397819755019469 diff --git a/experiment/wood-bilayer/results/5/parameter.txt b/experiment/wood-bilayer/results/5/parameter.txt deleted file mode 100644 index 861b07bc1e875136fb5095ba4ff5be4e8a86befe..0000000000000000000000000000000000000000 --- a/experiment/wood-bilayer/results/5/parameter.txt +++ /dev/null @@ -1,4 +0,0 @@ -r = 0.22 -h = 0.0053 -omega_flat = 17.17547062 -omega_target = 9.435795985 diff --git a/experiment/wood-bilayer/results/6/BMatrix.txt b/experiment/wood-bilayer/results/6/BMatrix.txt deleted file mode 100644 index 72e1ddee30cbc3c5a34b48c0a473833fd3c9d8fa..0000000000000000000000000000000000000000 --- a/experiment/wood-bilayer/results/6/BMatrix.txt +++ /dev/null @@ -1,3 +0,0 @@ -1 1 4.05964843125063535 -1 2 -1.06932937107897685 -1 3 5.63758516062832998e-32 diff --git a/experiment/wood-bilayer/results/6/QMatrix.txt b/experiment/wood-bilayer/results/6/QMatrix.txt deleted file mode 100644 index b1b977427545c0b432e0a63598358aae380f6a49..0000000000000000000000000000000000000000 --- a/experiment/wood-bilayer/results/6/QMatrix.txt +++ /dev/null @@ -1,9 +0,0 @@ -1 1 360.61715085991392 -1 2 28.1605370711061482 -1 3 -3.51551760335036762e-24 -2 1 28.1605407781263679 -2 2 596.590840822605628 -2 3 9.85508151674505628e-24 -3 1 -1.17988935076666896e-31 -3 2 -8.86266063963928227e-32 -3 3 96.7991406490075548 diff --git a/experiment/wood-bilayer/results/Experimental_data_beech-beech-bilayers.ods b/experiment/wood-bilayer/results/Experimental_data_beech-beech-bilayers.ods deleted file mode 100644 index 1ad6db2b60d5b7bd9c2c322f26661a56dbfea4fe..0000000000000000000000000000000000000000 Binary files a/experiment/wood-bilayer/results/Experimental_data_beech-beech-bilayers.ods and /dev/null differ diff --git a/experiment/wood-bilayer/results/auswertung.py b/experiment/wood-bilayer/results/auswertung.py deleted file mode 100644 index 204c9a3092a31baa2c617ec56ebd15120abc2695..0000000000000000000000000000000000000000 --- a/experiment/wood-bilayer/results/auswertung.py +++ /dev/null @@ -1,23 +0,0 @@ -import matplotlib.pyplot as plt -from matplotlib.ticker import StrMethodFormatter - -omega=[ - 14.72680026, 13.64338887, 12.41305478, 11.66482931, 11.09781471, 9.435795985, 8.959564147] -kappa_sim=[1.20240481, 1.73346693, 2.3246493, 2.68537074, 2.95591182, 3.74749499, - 3.97795591] -kappa_exp=[ - 1.058078122, 1.544624544, 2.317033799, 2.686043143, 2.967694189, 3.913528418, 4.262750825] - -# plotting a line plot after changing it's width and height -f = plt.figure() -f.set_figwidth(6) -f.set_figheight(3) -plt.gca().yaxis.set_major_formatter(StrMethodFormatter('{x:,.1f}')) # 2 decimal places -plt.gca().xaxis.set_major_formatter(StrMethodFormatter('{x:,.1f}')) # 2 decimal places -plt.scatter(omega, kappa_exp, marker='o', label="Experiment") -plt.scatter(omega, kappa_sim, marker='x', label="Simulation") -plt.xticks(omega) -plt.ylabel(r"curvature $\kappa$ (1/mm)") -plt.xlabel(r"wood moisture content $\omega$ (%)") -plt.legend() -plt.show() diff --git a/experiment/wood-bilayer/results/kappa_simulation.txt b/experiment/wood-bilayer/results/kappa_simulation.txt deleted file mode 100644 index ff67e05b0c99cbda8986d0dd7fef4a29c31f4feb..0000000000000000000000000000000000000000 --- a/experiment/wood-bilayer/results/kappa_simulation.txt +++ /dev/null @@ -1,2 +0,0 @@ -[1.20240481 1.73346693 2.3246493 2.68537074 2.95591182 3.74749499 - 3.97795591] \ No newline at end of file