From 12e252dc7587db2a464bffed7cadbcd370d8d8a7 Mon Sep 17 00:00:00 2001 From: Ramon Yoshiura Date: Wed, 21 Jul 2021 15:32:46 -0600 Subject: [PATCH 01/77] Adding DSS capabilities --- framework/MetricDistributor.py | 12 + framework/Metrics/metrics/DSS.py | 135 ++++++ framework/Metrics/metrics/Factory.py | 1 + framework/Models/PostProcessors/Factory.py | 1 + .../validationAlgorithms/PPDSS.py | 389 ++++++++++++++++++ 5 files changed, 538 insertions(+) create mode 100644 framework/Metrics/metrics/DSS.py create mode 100644 framework/Models/PostProcessors/validationAlgorithms/PPDSS.py diff --git a/framework/MetricDistributor.py b/framework/MetricDistributor.py index f6a0215f61..5fc43d4220 100644 --- a/framework/MetricDistributor.py +++ b/framework/MetricDistributor.py @@ -138,6 +138,18 @@ def evaluate(self,pairedData, weights = None, multiOutput='mean',**kwargs): targIn = targVals[:,hist] out = self.estimator.evaluate(featIn, targIn) dynamicOutput.append(out) + elif self.estimator.isInstanceString(['DSS']): + out = self.estimator.evaluate(feat, targ) + dynamicOutput.append(out) + featVals = np.asarray(feat) + targVals = np.asarray(targ) + assert(featVals.shape[0] == targVals.shape[0]) + assert(featVals.shape[1] == targVals.shape[1]) + assert(featVals.shape[2] == targVals.shape[2]) + if self.canHandleDynamicData: + dynamicOutput = self.estimator.evaluate(featVals, targVals) + else: + self.raiseAnError(IOError, "Must Handle Dynamic Data!") else: self.raiseAMessage('Using non-PDF/CDF metrics ...') featVals = np.asarray(feat[0]) diff --git a/framework/Metrics/metrics/DSS.py b/framework/Metrics/metrics/DSS.py new file mode 100644 index 0000000000..ed726e67ff --- /dev/null +++ b/framework/Metrics/metrics/DSS.py @@ -0,0 +1,135 @@ +# Copyright 2017 Battelle Energy Alliance, LLC +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +""" +Created on December 20 2020 + +@author: yoshrk +""" +#for future compatibility with Python 3-------------------------------------------------------------- +from __future__ import division, print_function, unicode_literals, absolute_import +#End compatibility block for Python 3---------------------------------------------------------------- + +#External Modules------------------------------------------------------------------------------------ +import numpy as np +import copy +#import scipy.spatial.distance as spatialDistance +#External Modules End-------------------------------------------------------------------------------- + +#Internal Modules------------------------------------------------------------------------------------ +from .MetricInterface import MetricInterface +from utils import InputData, InputTypes +#Internal Modules End-------------------------------------------------------------------------------- + +class DSS(MetricInterface): + """ + Dynamical System Scaling Metric + Class for measuring the metric between two instantaneous data points at the same (or approximate) process time + @ Data Synthesis or Engineering Scaling. + @ Data Synthesis is the act to measure the metric between data sets that are presumed to be equivalent in phenomena, + in reference time, and initial/boundary conditions. Essentially, both data sets are expected to be equivalent. + For the sake of data comparison with no intentions to match data but only to measure the metric, this model may be + used as well. + @ For engineering scaling, although the phenomena are equivalent, the reference time and initial/boundary conditions + are different. Both sets are tied by process time only. + @ In either case, if the to be compared data sets are are of little relevance, it is most likely DSS will fail to + measure the metric distance accurately. + """ + + @classmethod + def getInputSpecification(cls): + """ + Method to get a reference to a class that specifies the input data for + class cls. + @ In, cls, the class for which we are retrieving the specification + @ Out, inputSpecification, InputData.ParameterInput, class to use for + specifying input of cls. + """ + inputSpecification = super().getInputSpecification() + #inputSpecification = super(DSS, cls).getInputSpecification() + actionTypeInput = InputData.parameterInputFactory("actionType", contentType=InputTypes.StringType) + inputSpecification.addSub(actionTypeInput) + + return inputSpecification + + def __init__(self): + """ + Constructor + @ In, None + @ Out, None + """ + super().__init__() + # The type of given analysis + self.actionType = None + # True indicates the metric needs to be able to handle dynamic data + self._dynamicHandling = True + # True indicates the metric needs to be able to handle pairwise data + self._pairwiseHandling = False + + def _localReadMoreXML(self, paramInput): + """ + Method that reads the portion of the xml input that belongs to this specialized class + and initialize internal parameters + @ In, xmlNode, xml.etree.Element, Xml element node + @ Out, None + """ + for child in paramInput.subparts: + if child.getName() == "actionType": + self.actionType = int(child.value) + #else: + #self.raiseAnError(IOError, "Unknown xml node ", child.getName(), " is provided for metric system") + + def run(self, x, y, weights=None, axis=0, **kwargs): + """ + This method computes DSS distance between two inputs x and y based on given metric + @ In, x, numpy.ndarray, array containing data of x, if 1D array is provided, + the array will be reshaped via x.reshape(-1,1), shape (n_samples, ), if 2D + array is provided, shape (n_samples, n_time_steps) + @ In, y, numpy.ndarray, array containing data of y, if 1D array is provided, + the array will be reshaped via y.reshape(-1,1), shape (n_samples, ), if 2D + array is provided, shape (n_samples, n_time_steps) + @ In, weights, array_like (numpy.array or list), optional, weights associated + with input, shape (n_samples) if axis = 0, otherwise shape (n_time_steps) + @ In, axis, integer, optional, axis along which a metric is performed, default is 0, + i.e. the metric will performed along the first dimension (the "rows"). + If metric postprocessor is used, the first dimension is the RAVEN_sample_ID, + and the second dimension is the pivotParameter if HistorySet is provided. + @ In, kwargs, dict, dictionary of parameters characteristic of each metric + @ Out, value, float, metric result + """ + assert (isinstance(x, np.ndarray)) + assert (isinstance(y, np.ndarray)) + tempX = x + tempY = y + omegaNormTarget = tempX[0] + omegaNormScaledFeature = tempY[0] + pTime = tempX[1] + D = tempY[1] + betaFeature = tempX[2] + betaTarget = tempX[2] + distance = np.zeros((pTime.shape)) + distanceSum = np.zeros((pTime.shape[0])) + sigma = np.zeros((pTime.shape[0])) + for cnt in range(len(pTime)): + distanceSquaredSum = 0 + for cnt2 in range(len(pTime[cnt])): + distance[cnt][cnt2] = betaTarget[cnt][cnt2]*abs(D[cnt][cnt2])**0.5*(1/omegaNormTarget[cnt][cnt2]-1/omegaNormScaledFeature[cnt][cnt2]) + distanceSum[cnt] += abs(distance[cnt][cnt2]) + distanceSquaredSum += distance[cnt][cnt2]**2 + sigma[cnt] = (1/len(sigma)*distanceSquaredSum)**0.5 + #value = distance + #value = min(distanceSum) + #print("Minimum Metric at Sample",np.argmin(np.asarray(distanceSum))) + #value = [pTime,betaTarget,omegaNormScaledFeature,omegaNormTarget,D,distance,distanceSum,sigma] + value = distance + return value diff --git a/framework/Metrics/metrics/Factory.py b/framework/Metrics/metrics/Factory.py index 2e705f735d..6c1b6a0984 100644 --- a/framework/Metrics/metrics/Factory.py +++ b/framework/Metrics/metrics/Factory.py @@ -25,6 +25,7 @@ from .CDFAreaDifference import CDFAreaDifference from .PDFCommonArea import PDFCommonArea from .ScipyMetric import ScipyMetric +from .DSS import DSS factory = EntityFactory('Metrics') factory.registerAllSubtypes(MetricInterface) diff --git a/framework/Models/PostProcessors/Factory.py b/framework/Models/PostProcessors/Factory.py index c89f1a2c51..bb388eb244 100644 --- a/framework/Models/PostProcessors/Factory.py +++ b/framework/Models/PostProcessors/Factory.py @@ -37,6 +37,7 @@ from .EconomicRatio import EconomicRatio from .Validation import Validation from .validationAlgorithms.Probabilistic import Probabilistic +from .validationAlgorithms.PPDSS import PPDSS ### PostProcessorFunctions (orig: InterfacedPostProcessor) from .HistorySetDelay import HistorySetDelay diff --git a/framework/Models/PostProcessors/validationAlgorithms/PPDSS.py b/framework/Models/PostProcessors/validationAlgorithms/PPDSS.py new file mode 100644 index 0000000000..a168407e15 --- /dev/null +++ b/framework/Models/PostProcessors/validationAlgorithms/PPDSS.py @@ -0,0 +1,389 @@ +# Copyright 2017 Battelle Energy Alliance, LLC +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +""" +Created on January XX, 2021 + +@author: yoshrk +""" +from __future__ import division, print_function , unicode_literals, absolute_import + +#External Modules------------------------------------------------------------------------------------ +import numpy as np +from scipy.interpolate import interp1d +from scipy.integrate import simps +import xarray as xr +import os +from collections import OrderedDict +import itertools +import copy +#External Modules End-------------------------------------------------------------------------------- + +#Internal Modules------------------------------------------------------------------------------------ +from utils import utils +from utils import InputData, InputTypes +from utils import xmlUtils +import Files +import DataObjects +from ..Validation import Validation +#import Distributions +#import MetricDistributor +#from .ValidationBase import ValidationBase +#from Models.PostProcessors import PostProcessor +#Internal Modules End-------------------------------------------------------------------------------- + +class PPDSS(Validation): + """ + DSS Scaling class. + """ + @classmethod + def getInputSpecification(cls): + """ + Method to get a reference to a class that specifies the input data for + class cls. + @ In, cls, the class for which we are retrieving the specification + @ Out, inputSpecification, InputData.ParameterInput, class to use for + specifying input of cls. + """ + inputSpecification = super(PPDSS, cls).getInputSpecification() + #featuresInput = InputData.parameterInputFactory("Features", contentType=InputTypes.StringListType) + #featuresInput.addParam("type", InputTypes.StringType) + #inputSpecification.addSub(featuresInput) + #targetsInput = InputData.parameterInputFactory("Targets", contentType=InputTypes.StringListType) + #targetsInput.addParam("type", InputTypes.StringType) + #inputSpecification.addSub(targetsInput) + multiOutputInput = InputData.parameterInputFactory("multiOutput", contentType=InputTypes.StringType) + inputSpecification.addSub(multiOutputInput) + multiOutput = InputTypes.makeEnumType('MultiOutput', 'MultiOutputType', 'raw_values') + multiOutputInput = InputData.parameterInputFactory("multiOutput", contentType=multiOutput) + inputSpecification.addSub(multiOutputInput) + #pivotParameterInput = InputData.parameterInputFactory("pivotParameter", contentType=InputTypes.StringType) + #inputSpecification.addSub(pivotParameterInput) + # + # Have added the new pivotParameters for feature and target. The original has been commented out. + pivotParameterFeatureInput = InputData.parameterInputFactory("pivotParameterFeature", contentType=InputTypes.StringType) + inputSpecification.addSub(pivotParameterFeatureInput) + pivotParameterTargetInput = InputData.parameterInputFactory("pivotParameterTarget", contentType=InputTypes.StringType) + inputSpecification.addSub(pivotParameterTargetInput) + #metricInput = InputData.parameterInputFactory("Metric", contentType=InputTypes.StringType) + #metricInput.addParam("class", InputTypes.StringType, True) + #metricInput.addParam("type", InputTypes.StringType, True) + #inputSpecification.addSub(metricInput) + scaleTypeInput = InputData.parameterInputFactory("scale", contentType=InputTypes.StringType) + inputSpecification.addSub(scaleTypeInput) + scaleRatioBetaInput = InputData.parameterInputFactory("scaleBeta", contentType=InputTypes.FloatListType) + inputSpecification.addSub(scaleRatioBetaInput) + scaleRatioOmegaInput = InputData.parameterInputFactory("scaleOmega", contentType=InputTypes.FloatListType) + inputSpecification.addSub(scaleRatioOmegaInput) + return inputSpecification + + def __init__(self): + """ + Constructor + @ In, None + @ Out, None + """ + super().__init__() + self.printTag = 'POSTPROCESSOR DSS Scaling and Metrics' + self.name = 'PPDSS' + self.dynamic = True # is it time-dependent? + self.dynamicType = ['dynamic'] + self.features = None # list of feature variables + self.targets = None # list of target variables + #self.metricsDict = {} # dictionary of metrics that are going to be assembled + self.multiOutput = 'raw_values' # defines aggregating of multiple outputs for HistorySet + # currently allow raw_values + #self.pivotParameter = None # list of pivot parameters + #self.pivotValues = [] + self.pivotParameterFeature = None + self.pivotValuesFeature = [] + self.pivotParameterTarget = None + self.pivotValuesTarget = [] + self.scaleType = None + #self.processTimeRecord = [] + #self.scaleType = ['DataSynthesis','2_2_Affine','Dilation','beta_strain','omega_strain','identity'] + # assembler objects to be requested + self.scaleRatioBeta = [] + self.scaleRatioOmega = [] + #self.addAssemblerObject('Metric', InputData.Quantity.one_to_infinity) + + def _handleInput(self, paramInput): + """ + Function to handle the parsed paramInput for this class. + @ In, paramInput, ParameterInput, the already parsed input. + @ Out, None + """ + super()._handleInput(paramInput) + for child in paramInput.subparts: + if child.getName() == 'Metric': + if 'type' not in child.parameterValues.keys() or 'class' not in child.parameterValues.keys(): + self.raiseAnError(IOError, 'Tag Metric must have attributes "class" and "type"') + elif child.getName() == 'Features': + self.features = child.value + #self.featuresType = child.parameterValues['type'] + elif child.getName() == 'Targets': + self.targets = child.value + #self.TargetsType = child.parameterValues['type'] + elif child.getName() == 'multiOutput': + self.multiOutput = child.value + elif child.getName() == 'pivotParameterFeature': + self.pivotParameterFeature = child.value + elif child.getName() == 'pivotParameterTarget': + self.pivotParameterTarget = child.value + elif child.getName() == 'scale': + self.scaleType = child.value + elif child.getName() == 'scaleBeta': + self.scaleRatioBeta = child.value + elif child.getName() == 'scaleOmega': + self.scaleRatioOmega = child.value + else: + self.raiseAnError(IOError, "Unknown xml node ", child.getName(), " is provided for metric system") + #if not self.features: + # self.raiseAnError(IOError, "XML node 'Features' is required but not provided") + #elif len(self.features) != len(self.targets): + # self.raiseAnError(IOError, 'The number of variables found in XML node "Features" is not equal the number of variables found in XML node "Targets"') + + def run(self, inputIn): + """ + This method executes the postprocessor action. In this case it loads the + results to specified dataObject + @ In, inputIn, list, dictionary of data to process + @ Out, outputDict, dict, dictionary containing the post-processed results + """ + # assert + assert(isinstance(inputIn, list)) + assert(isinstance(inputIn[0], xr.Dataset) or isinstance(inputIn[0], DataObjects.DataSet)) + # the input can be either be a list of dataobjects or a list of datasets (xarray) + #datasets = [inp if isinstance(inp, xr.Dataset) else inp.asDataset() for inp in inputIn] + datasets = [data for _, _, data in inputIn['Data']] + #print("datasets:",datasets) + names = [] + pivotParameterTarget = self.pivotParameterTarget + pivotParameterFeature = self.pivotParameterFeature + names = [inp[-1].attrs['name'] for inp in inputIn['Data']] + #print("names:",names) + #print("inputIn:",inputIn) + #print("inputIn['Data'][0][2].indexes:",inputIn['Data'][0][2].indexes) + #print("inputIn['Data'][0][-1].indexes:",inputIn['Data'][0][-1].indexes) + if len(inputIn['Data'][0][-1].indexes) and (self.pivotParameterTarget is None or self.pivotParameterFeature is None): + if 'dynamic' not in self.dynamicType: #self.model.dataType: + self.raiseAnError(IOError, "The validation algorithm '{}' is not a dynamic model but time-dependent data has been inputted in object {}".format(self._type, inputIn['Data'][0][-1].name)) + else: + pivotParameterTarget = inputIn['Data'][1][2] + pivotParameterFeature = inputIn['Data'][0][2] + # check if pivotParameter + evaluation = self._evaluate(datasets) + if not isinstance(evaluation, list): + self.raiseAnError(IOError,"The data type in evaluation is not list") + if pivotParameterFeature and pivotParameterTarget: + if len(datasets[0][pivotParameterFeature]) != len(list(evaluation[0].values())[0]) and len(datasets[1][pivotParameterTarget]) != len(list(evaluation[1].values())[0]): + self.raiseAnError(RuntimeError, "The pivotParameterFeature value '{}' has size '{}' and validation output has size '{}' The pivotParameterTarget value '{}' has size '{}' and validation output has size '{}'.".format( len(datasets[0][self.pivotParameterFeature]), len(evaluation.values()[0]))) + if pivotParameterFeature not in evaluation and pivotParameterTarget not in evaluation: + for i in range(len(evaluation)): + if len(datasets[0][pivotParameterFeature]) < len(datasets[1][pivotParameterTarget]): + evaluation[i]['pivot_parameter'] = datasets[0][pivotParameterFeature] + else: + evaluation[i]['pivot_parameter'] = datasets[1][pivotParameterTarget] + return evaluation + + def _evaluate(self, datasets, **kwargs): + """ + Main method to "do what you do". + @ In, datasets, list, list of datasets (data1,data2,etc.) to used. + @ In, kwargs, dict, keyword arguments + @ Out, outputDict, dict, dictionary containing the results {"feat"_"target"_"metric_name":value} + """ + #print("datasets:",datasets) + realizations = [] + realization_array = [] + for feat, targ, scaleRatioBeta, scaleRatioOmega in zip(self.features, self.targets, self.scaleRatioBeta, self.scaleRatioOmega): + nameFeat = feat.split("|") + nameTarg = targ.split("|") + names = [nameFeat[0],nameTarg[0]] + featData = self._getDataFromDatasets(datasets, feat, names)[0] + targData = self._getDataFromDatasets(datasets, targ, names)[0] + if (isinstance(scaleRatioBeta,int) or isinstance(scaleRatioBeta,float)) and (isinstance(scaleRatioOmega,int) or isinstance(scaleRatioOmega,float)) is True: + if self.scaleType == 'DataSynthesis': + timeScalingRatio = scaleRatioBeta/scaleRatioOmega + elif self.scaleType == '2_2_Affine': + timeScalingRatio = 1 + if abs(1-scaleRatioBeta/scaleRatioOmega) > 10**(-4): + self.raiseAnError(IOError, "Scaling ratio",scaleRatioBeta,"and",scaleRatioOmega,"are not nearly equivalent") + elif self.scaleType == 'Dilation': + timeScalingRatio = scaleRatioBeta + if abs(1-scaleRatioOmega) > 10**(-4): + self.raiseAnError(IOError, "Scaling ratio",scaleRatioOmega,"must be 1") + elif self.scaleType == 'omega_strain': + timeScalingRatio = 1/scaleRatioOmega + if abs(1-scaleRatioOmega) > 10**(-4): + self.raiseAnError(IOError, "Scaling ratio",scaleRatioBeta,"must be 1") + elif self.scaleType == 'identity': + timeScalingRatio = 1 + if abs(1-scaleRatioBeta) and abs(1-scaleRatioOmega) > 10**(-4): + self.raiseAnError(IOError, "Scaling ratio",scaleRatioBeta,"must be 1") + else: + self.raiseAnError(IOError, "Scaling Type",self.scaleType, "is not provided") + else: + self.raiseAnError(IOError, scaleRatioBeta,"or",scaleRatioOmega,"is not a numerical number") + + pivotFeature = self._getDataFromDatasets(datasets, names[0]+"|"+self.pivotParameterFeature, names)[0] + pivotFeature = np.transpose(pivotFeature)[0] + pivotTarget = self._getDataFromDatasets(datasets, names[1]+"|"+self.pivotParameterTarget, names)[0] + pivotTarget = np.transpose(pivotTarget)[0] + pivotFeatureSize = pivotFeature.shape[0] + pivotTargetSize = pivotTarget.shape[0] + if pivotFeatureSize >= pivotTargetSize: + pivotSize = pivotTargetSize + else: + pivotSize = pivotFeatureSize + + if pivotFeatureSize == pivotSize: + y_count = featData.shape[0] + z_count = featData.shape[1] + else: + y_count = targData.shape[0] + z_count = targData.shape[1] + featureProcessTimeNorm = np.zeros((y_count,z_count)) + featureOmegaNorm = np.zeros((y_count,z_count)) + featureBeta = np.zeros((y_count,z_count)) + # + feature = nameFeat[1] + for cnt2 in range(y_count): + if pivotFeatureSize == pivotSize: + featureBeta[cnt2] = featData[cnt2] + interpGrid = pivotFeature + else: + interpFunction = interp1d(pivotFeature,featData[cnt2],kind='linear',fill_value='extrapolate') + interpGrid = timeScalingRatio*pivotTarget + featureBeta[cnt2] = interpFunction(interpGrid) + featureOmega = np.gradient(featureBeta[cnt2],interpGrid) + featureProcessTime = featureBeta[cnt2]/featureOmega + featureDiffOmega = np.gradient(featureOmega,interpGrid) + featureD = -featureBeta[cnt2]/featureOmega**2*featureDiffOmega + featureInt = featureD+1 + featureProcessAction = simps(featureInt, interpGrid) + featureProcessTimeNorm[cnt2] = featureProcessTime/featureProcessAction + featureOmegaNorm[cnt2] = featureProcessAction*featureOmega + # + targetD = np.zeros((y_count,z_count)) + targetProcessTimeNorm = np.zeros((y_count,z_count)) + targetOmegaNorm = np.zeros((y_count,z_count)) + targetBeta = np.zeros((y_count,z_count)) + target = nameTarg[1] + for cnt2 in range(y_count): + if pivotTargetSize == pivotSize: + targetBeta[cnt2] = targData[cnt2] + interpGrid = pivotTarget + else: + interpFunction = interp1d(pivotTarget,targData[cnt2],kind='linear',fill_value='extrapolate') + interpGrid = 1/timeScalingRatio*pivotFeature + targetBeta[cnt2] = interpFunction(interpGrid) + targetOmega = np.gradient(targetBeta[cnt2],interpGrid) + targetProcessTime = targetBeta[cnt2]/targetOmega + targetDiffOmega = np.gradient(targetOmega,interpGrid) + targetD[cnt2] = -targetBeta[cnt2]/targetOmega**2*targetDiffOmega + targetInt = targetD[cnt2]+1 + targetProcessAction = simps(targetInt, interpGrid) + targetProcessTimeNorm[cnt2] = targetProcessTime/targetProcessAction + targetOmegaNorm[cnt2] = targetProcessAction*targetOmega + # + featureProcessTimeNormScaled = np.zeros((y_count,z_count)) + featureOmegaNormScaled = np.zeros((y_count,z_count)) + for cnt3 in range(y_count): + featureProcessTimeNormScaled[cnt3] = featureProcessTimeNorm[cnt3]/timeScalingRatio + featureOmegaNormScaled[cnt3] = featureOmegaNorm[cnt3]/scaleRatioBeta + newfeatureData = np.asarray([featureOmegaNormScaled,featureProcessTimeNormScaled,featureBeta]) + newtargetData = np.asarray([targetOmegaNorm,targetD,targetBeta]) + #------------------------------------------------------------------------------------------ + if pivotTargetSize == pivotSize: + timeParameter = pivotTarget + else: + timeParameter = pivotFeature + outputDict = {} + distanceTotal = np.zeros((y_count,z_count)) + sigma = np.zeros((y_count,z_count)) + for metric in self.metrics: + name = "{}_{}_{}".format(feat.split("|")[-1], targ.split("|")[-1], metric.estimator.name) + output = metric.evaluate((newfeatureData,newtargetData), multiOutput='raw_values') + for cnt2 in range(y_count): + distanceSum = abs(np.sum(output[cnt2])) + sigmaSum = 0 + for cnt3 in range(z_count): + distanceTotal[cnt2][cnt3] = distanceSum + sigmaSum += output[cnt2][cnt3]**2 + for cnt3 in range(z_count): + sigma[cnt2][cnt3] = (1/z_count*sigmaSum)**0.5 + rlz = [] + for cnt in range(y_count): + outputDict = {} + outputDict[name] = np.atleast_1d(output[cnt]) + outputDict['pivot_parameter'] = timeParameter + outputDict[nameFeat[1]+'_'+nameTarg[1]+'_total_distance'] = distanceTotal[cnt] + outputDict[nameFeat[1]+'_'+nameTarg[1]+'_process_time'] = newfeatureData[1][cnt] + outputDict[nameFeat[1]+'_'+nameTarg[1]+'_standard_deviation'] = sigma[cnt] + rlz.append(outputDict) + realization_array.append(rlz) + #--------------- + for cnt in range(len(realization_array[0])): + out = {} + for cnt2 in range(len(realization_array)): + for key, val in realization_array[cnt2][cnt].items(): + out[key] = val + realizations.append(out) + #return outputDict + return realizations + + def _getDataFromDatasets(self, datasets, var, names=None): + """ + Utility function to retrieve the data from dataDict + @ In, datasets, list, list of datasets (data1,data2,etc.) to search from. + @ In, names, list, optional, list of datasets names (data1,data2,etc.). If not present, the search will be done on the full list. + @ In, var, str, the variable to find (either in fromat dataobject|var or simply var) + @ Out, data, tuple(numpy.ndarray, xarray.DataArray or None), the retrived data (data, probability weights (None if not present)) + """ + data = None + pw = None + dat = None + if "|" in var and names is not None: + do, feat = var.split("|") + doindex = names.index(do) + dat = datasets[doindex][feat] + else: + for doindex, ds in enumerate(datasets): + if var in ds: + dat = ds[var] + break + if 'ProbabilityWeight-{}'.format(feat) in datasets[names.index(do)]: + pw = datasets[doindex]['ProbabilityWeight-{}'.format(feat)].values + elif 'ProbabilityWeight' in datasets[names.index(do)]: + pw = datasets[doindex]['ProbabilityWeight'].values + dim = len(dat.shape) + # (numRealizations, numHistorySteps) for MetricDistributor + dat = dat.values + if dim == 1: + # the following reshaping does not require a copy + dat.shape = (dat.shape[0], 1) + data = dat, pw + return data + + def collectOutput(self, finishedJob, output): + """ + Function to place all of the computed data into the output object + @ In, finishedJob, JobHandler External or Internal instance, A JobHandler object that is in charge of running this post-processor + @ In, output, DataObject.DataObject, The object where we want to place our computed results + @ Out, None + """ + evaluation = finishedJob.getEvaluation() + realizations = evaluation[1] + for rlz in realizations: + output.addRealization(rlz) From 2f16b465580ae32c737a7ae1694f959456664e3e Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Wed, 21 Jul 2021 15:22:14 -0700 Subject: [PATCH 02/77] DSS xml file --- .../Validation/test_validation_dss.xml | 141 ++++++++++++++++++ 1 file changed, 141 insertions(+) create mode 100644 tests/framework/PostProcessors/Validation/test_validation_dss.xml diff --git a/tests/framework/PostProcessors/Validation/test_validation_dss.xml b/tests/framework/PostProcessors/Validation/test_validation_dss.xml new file mode 100644 index 0000000000..af48d7aeb3 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/test_validation_dss.xml @@ -0,0 +1,141 @@ + + + + framework/PostProcessors/Validation/test_validation_dss + yoshrk + 2021-03-16 + PostProcessors.Validation + + This test checks the DSS PostProcessor with DSS metric + + + no writing directly to files from postprocessors + + + + + DSS + mcRun1, mcRun2, PP2 + 1 + + + + + sigma,rho,beta,x1,y1,z1,time1,x0,y0,z0 + + + sigma,rho,beta,x2,y2,z2,time2,x0,y0,z0 + + + outMC1|x1,outMC1|y1 + outMC2|x2,outMC2|y2 + dss + time1 + time2 + raw_values + DataSynthesis + 1,1 + 1,1 + + + + + + DataSynthesis + + + + + + x0,y0,z0 + OutputPlaceHolder + + + + x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation, + y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation + + + pivot_parameter + + + + x0,y0,z0 + time1,x1,y1,z1 + + time1 + + + + x0,y0,z0 + time2,x2,y2,z2 + + time2 + + + + + + + csv + pp2_out + + + + + + + 4 + 1 + + + 4 + 1 + + + 4 + 1 + + + + + + + 10 + 1 + + + x0_distrib + + + y0_distrib + + + z0_distrib + + + + + + + inputPlaceHolder + PythonModule1 + MC_external + outMC1 + + + inputPlaceHolder + PythonModule2 + MC_external + outMC2 + + + outMC1 + outMC2 + pp2 + pp2_out + pp2_print + + + + From a3f78e3abdbdd6f5d29edc46c380499ebc49f2f4 Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Wed, 21 Jul 2021 15:26:03 -0700 Subject: [PATCH 03/77] Added external models and xml output files --- ...Attractor_timeScale_I.cpython-37.opt-1.pyc | Bin 0 -> 1153 bytes ...ttractor_timeScale_II.cpython-37.opt-1.pyc | Bin 0 -> 1154 bytes .../DSS/lorentzAttractor_timeScale_I.py | 53 +++++++++ .../DSS/lorentzAttractor_timeScale_II.py | 53 +++++++++ .../Validation/DSS/pp2_print.csv | 11 ++ .../Validation/DSS/pp2_print.xml | 19 ++++ .../Validation/DSS/pp2_print_0.csv | 101 ++++++++++++++++++ .../Validation/DSS/pp2_print_1.csv | 101 ++++++++++++++++++ .../Validation/DSS/pp2_print_2.csv | 101 ++++++++++++++++++ .../Validation/DSS/pp2_print_3.csv | 101 ++++++++++++++++++ .../Validation/DSS/pp2_print_4.csv | 101 ++++++++++++++++++ .../Validation/DSS/pp2_print_5.csv | 101 ++++++++++++++++++ .../Validation/DSS/pp2_print_6.csv | 101 ++++++++++++++++++ .../Validation/DSS/pp2_print_7.csv | 101 ++++++++++++++++++ .../Validation/DSS/pp2_print_8.csv | 101 ++++++++++++++++++ .../Validation/DSS/pp2_print_9.csv | 101 ++++++++++++++++++ 16 files changed, 1146 insertions(+) create mode 100644 tests/framework/PostProcessors/Validation/DSS/__pycache__/lorentzAttractor_timeScale_I.cpython-37.opt-1.pyc create mode 100644 tests/framework/PostProcessors/Validation/DSS/__pycache__/lorentzAttractor_timeScale_II.cpython-37.opt-1.pyc create mode 100644 tests/framework/PostProcessors/Validation/DSS/lorentzAttractor_timeScale_I.py create mode 100644 tests/framework/PostProcessors/Validation/DSS/lorentzAttractor_timeScale_II.py create mode 100644 tests/framework/PostProcessors/Validation/DSS/pp2_print.csv create mode 100644 tests/framework/PostProcessors/Validation/DSS/pp2_print.xml create mode 100644 tests/framework/PostProcessors/Validation/DSS/pp2_print_0.csv create mode 100644 tests/framework/PostProcessors/Validation/DSS/pp2_print_1.csv create mode 100644 tests/framework/PostProcessors/Validation/DSS/pp2_print_2.csv create mode 100644 tests/framework/PostProcessors/Validation/DSS/pp2_print_3.csv create mode 100644 tests/framework/PostProcessors/Validation/DSS/pp2_print_4.csv create mode 100644 tests/framework/PostProcessors/Validation/DSS/pp2_print_5.csv create mode 100644 tests/framework/PostProcessors/Validation/DSS/pp2_print_6.csv create mode 100644 tests/framework/PostProcessors/Validation/DSS/pp2_print_7.csv create mode 100644 tests/framework/PostProcessors/Validation/DSS/pp2_print_8.csv create mode 100644 tests/framework/PostProcessors/Validation/DSS/pp2_print_9.csv diff --git a/tests/framework/PostProcessors/Validation/DSS/__pycache__/lorentzAttractor_timeScale_I.cpython-37.opt-1.pyc b/tests/framework/PostProcessors/Validation/DSS/__pycache__/lorentzAttractor_timeScale_I.cpython-37.opt-1.pyc new file mode 100644 index 0000000000000000000000000000000000000000..fbab31485955c94d4c65c1c40300ab500901a4fa GIT binary patch literal 1153 zcmaJ=&2AGh5VpPE&E~HZh-fP~a>=FJUN}`WKn3chsuT)RBowx>o9wdL4YmVK*qq=6 zkaz$%a^V4Z0?r)w#Lua(z=;_rslo+Y9?y*DoAJ(mzF)6b2#ny{`t$c5A-~aB4hBjK zmc9i-5J3~tp@IqL9qBN^g$uhQXqz;>3y2^`JqI@!xFh-jEPVrnpgHLh!9Y^sfMkLI zjvw{m5XSA+LfLEePwa48O{Z{m)E|b0qXt>QPo)XL$F)q(imDo?hv`{%5cNz^iPF*7 zJd6^lKNICczCVNDL`$Uu6%Mm>lIcM-Rv}ogWEvQ$jSkM>NWRY0i{LoZ=2&GtsdWaB zCt(ta&_r1p9JJd(k|~**={;jq*fW{xnrJB7y)cp8!|l-oi$^8`%v4^7${NcP>e;EV zxjpOzj?!Y;u6&@_l^GLk<_KrT1-Bh?ZHGMUka2P+=Qqh)I&%&G=;rPx?4q}#msWIt zMK9-6l(q;&S3vWvRt2qWwc7GD_C#fmEF#*JSJXD)J_qF4 z_Zi$VF6SO(MiaH`(6{daJEGgGohsgSZi%9o6{xCeZ%$ayu<^S&h}GovcD(vNejc!miOxdWW{CLR^ysy!)H+y}?AE_h Z2VaA-#r(ZtCdP@pdlg(7JK!_l`wQwb_-z0H literal 0 HcmV?d00001 diff --git a/tests/framework/PostProcessors/Validation/DSS/__pycache__/lorentzAttractor_timeScale_II.cpython-37.opt-1.pyc b/tests/framework/PostProcessors/Validation/DSS/__pycache__/lorentzAttractor_timeScale_II.cpython-37.opt-1.pyc new file mode 100644 index 0000000000000000000000000000000000000000..3f52a4db2bd654642586de22d308f74f8a10e6f1 GIT binary patch literal 1154 zcmY*Zy>1gh5Z>MU@%b+Vut*{(Y24(Z6jTv05P{r8kxYUV37Ly`?cBw_GrMbu&AEan zKs*4HG&}$mB{k)CfP|Eenu?jV9n7qDZf17AnY;0~zF)1D2*}ab)n{*gLVlvN5C%pA zwz>t16Hfc&m~zIQH{_UcmwWJZIBk)-e*qa}zvJKo1fPh009)Mv#c593gfq~TJD?dS zfOGeIa0qg{F*kM^y+bQrqwW|_#l1mf9C?}<_eAIjVy+VXt|`k=+DyCIUfj{96sN-F6YAR~ zak?EG1xjJQ?O5JX9Ltn(Hg&i&b-8Ot_q~^UA8?HRl3iG` zgC)C|Q(o90kX-^RuvQtYqO~fE)5Pbc9kR$s3Ukk9B>{T8oRg%8*7*-z%{^XOhxged zPrps!9g|}2Lq%r|I-$)gYXs_%#J6$yqJ-4YFIaybU&okJBNhdjm#A45qGouK!1pEr zVl8G~=RZ7PF7Y-qU&h;t_6>k~vr4sDtwn#p%<#`YKLL^hDXaUvu9aWAy;rqQkG@az z?wp;!7sfxne!1kUVdqcE!4kF|Nz50qo9!R_!(gkIlIMs%wL*q?^%oO0a z0S|k!ee5C2wq+TUE2yf7@MM(sM7ot+~CKyELmXyZVZKcJ~xI9)Jb0r-OPK11n zbcLugRNK2TQ$?)cz%AMULv4a0)V0epmsMDW+Qmu~7F(gXO6(e4r*~+BO8ir(yT*eq j!?9ci&ywB7m-^sskhWQ{GsyU;FYaE2kirQBEb#vVSOWe+ literal 0 HcmV?d00001 diff --git a/tests/framework/PostProcessors/Validation/DSS/lorentzAttractor_timeScale_I.py b/tests/framework/PostProcessors/Validation/DSS/lorentzAttractor_timeScale_I.py new file mode 100644 index 0000000000..111e783943 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/DSS/lorentzAttractor_timeScale_I.py @@ -0,0 +1,53 @@ +# Copyright 2017 Battelle Energy Alliance, LLC +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +# from wikipedia: dx/dt = sigma*(y-x) ; dy/dt = x*(rho-z)-y dz/dt = x*y-beta*z + +import numpy as np + +def initialize(self,runInfoDict,inputFiles): + self.sigma = 10.0 + self.rho = 28.0 + self.beta = 8.0/3.0 + return + +def run(self,Input): + disc = 2.0 + max_time = 0.5 + t_step = 0.005 + self.sigma = 10.0 + self.rho = 28.0 + self.beta = 8.0/3.0 + + numberTimeSteps = int(max_time/t_step) + + self.x1 = np.zeros(numberTimeSteps) + self.y1 = np.zeros(numberTimeSteps) + self.z1 = np.zeros(numberTimeSteps) + self.time1 = np.zeros(numberTimeSteps) + + self.x0 = Input['x0'] + self.y0 = Input['y0'] + self.z0 = Input['z0'] + + self.x1[0] = Input['x0'] + self.y1[0] = Input['y0'] + self.z1[0] = Input['z0'] + self.time1[0]= 0.0 + + for t in range (numberTimeSteps-1): + self.time1[t+1] = self.time1[t] + t_step + self.x1[t+1] = self.x1[t] + disc*self.sigma*(self.y1[t]-self.x1[t]) * t_step + self.y1[t+1] = self.y1[t] + disc*(self.x1[t]*(self.rho-self.z1[t])-self.y1[t]) * t_step + self.z1[t+1] = self.z1[t] + disc*(self.x1[t]*self.y1[t]-self.beta*self.z1[t]) * t_step diff --git a/tests/framework/PostProcessors/Validation/DSS/lorentzAttractor_timeScale_II.py b/tests/framework/PostProcessors/Validation/DSS/lorentzAttractor_timeScale_II.py new file mode 100644 index 0000000000..6b23461899 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/DSS/lorentzAttractor_timeScale_II.py @@ -0,0 +1,53 @@ +# Copyright 2017 Battelle Energy Alliance, LLC +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +# from wikipedia: dx/dt = sigma*(y-x) ; dy/dt = x*(rho-z)-y dz/dt = x*y-beta*z + +import numpy as np + +def initialize(self,runInfoDict,inputFiles): + self.sigma = 10.0 + self.rho = 28.0 + self.beta = 8.0/3.0 + return + +def run(self,Input): + max_time = 0.7 + t_step = 0.005 + disc = 1.0 + self.sigma = 10.0 + self.rho = -28.0 + self.beta = 8.0/3.0 + + numberTimeSteps = int(max_time/t_step) + + self.x2 = np.zeros(numberTimeSteps) + self.y2 = np.zeros(numberTimeSteps) + self.z2 = np.zeros(numberTimeSteps) + self.time2 = np.zeros(numberTimeSteps) + + self.x0 = Input['x0'] + self.y0 = Input['y0'] + self.z0 = Input['z0'] + + self.x2[0] = Input['x0'] + self.y2[0] = Input['y0'] + self.z2[0] = Input['z0'] + self.time2[0]= 0.0 + + for t in range (numberTimeSteps-1): + self.time2[t+1] = self.time2[t] + t_step + self.x2[t+1] = self.x2[t] + disc*self.sigma*(self.y2[t]-self.x2[t]) * t_step + self.y2[t+1] = self.y2[t] + disc*(self.x2[t]*(self.rho-self.z2[t])-self.y2[t]) * t_step + self.z2[t+1] = self.z2[t] + disc*(self.x2[t]*self.y2[t]-self.beta*self.z2[t]) * t_step diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print.csv new file mode 100644 index 0000000000..421a54c7ef --- /dev/null +++ b/tests/framework/PostProcessors/Validation/DSS/pp2_print.csv @@ -0,0 +1,11 @@ +filename +pp2_print_0.csv +pp2_print_1.csv +pp2_print_2.csv +pp2_print_3.csv +pp2_print_4.csv +pp2_print_5.csv +pp2_print_6.csv +pp2_print_7.csv +pp2_print_8.csv +pp2_print_9.csv diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print.xml b/tests/framework/PostProcessors/Validation/DSS/pp2_print.xml new file mode 100644 index 0000000000..873587fc62 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/DSS/pp2_print.xml @@ -0,0 +1,19 @@ + + + + pivot_parameter + pivot_parameter + pivot_parameter + pivot_parameter + pivot_parameter + pivot_parameter + pivot_parameter + pivot_parameter + + + x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation + RAVEN_sample_ID + + + + diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_0.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_0.csv new file mode 100644 index 0000000000..d8961a1fa9 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/DSS/pp2_print_0.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,0.0756901816043,24.887493332,-0.000351283270388,2.59700011532,0.0356012101676,53.1999350236,0.206070488345,4.78635605162 +0.005,0.0510745233206,24.887493332,-0.000385934668242,2.59700011532,0.0448169166406,53.1999350236,0.210768607572,4.78635605162 +0.01,0.0256194405153,24.887493332,-0.000406159113474,2.59700011532,0.052224344465,53.1999350236,0.204272609211,4.78635605162 +0.015,0.0150024229693,24.887493332,-0.000421393172979,2.59700011532,0.0516883771607,53.1999350236,0.20010519813,4.78635605162 +0.02,0.010257283552,24.887493332,-0.000432783299084,2.59700011532,0.0451798791812,53.1999350236,0.197573824791,4.78635605162 +0.025,0.00769231680981,24.887493332,-0.000441348962559,2.59700011532,0.0284060742231,53.1999350236,0.196261897457,4.78635605162 +0.030000000000000002,0.00612549904352,24.887493332,-0.000447943830224,2.59700011532,0.0336672365961,53.1999350236,0.195926608029,4.78635605162 +0.035,0.00507743437159,24.887493332,-0.000453262151306,2.59700011532,0.0629855379733,53.1999350236,0.196444243236,4.78635605162 +0.04,0.00431968056602,24.887493332,-0.000457866493304,2.59700011532,0.0894619720643,53.1999350236,0.19778161272,4.78635605162 +0.045,0.00372831979973,24.887493332,-0.000462222758356,2.59700011532,0.1172518338,53.1999350236,0.199984022056,4.78635605162 +0.049999999999999996,0.00322683934388,24.887493332,-0.000466735814408,2.59700011532,0.148479034567,53.1999350236,0.203176148606,4.78635605162 +0.05499999999999999,0.00275944130293,24.887493332,-0.000471783762648,2.59700011532,0.185378812568,53.1999350236,0.207576121419,4.78635605162 +0.05999999999999999,0.00227360608449,24.887493332,-0.00047775165284,2.59700011532,0.231060029877,53.1999350236,0.213527199795,4.78635605162 +0.06499999999999999,0.00169433633486,24.887493332,-0.000485067311788,2.59700011532,0.290431280096,53.1999350236,0.221557909815,4.78635605162 +0.06999999999999999,0.000772991562933,24.887493332,-0.000494243726694,2.59700011532,0.371943441596,53.1999350236,0.232494548059,4.78635605162 +0.075,0.00130283362855,24.887493332,-0.000505935007915,2.59700011532,0.491460016819,53.1999350236,0.24768026844,4.78635605162 +0.08,0.00199187521109,24.887493332,-0.000521017617242,2.59700011532,0.682094146904,53.1999350236,0.269434057245,4.78635605162 +0.085,0.00245409022898,24.887493332,-0.000540717719677,2.59700011532,1.02380596657,53.1999350236,0.302118525415,4.78635605162 +0.09000000000000001,0.00272598009733,24.887493332,-0.000566824621632,2.59700011532,1.75751674307,53.1999350236,0.355020324828,4.78635605162 +0.09500000000000001,0.00271172120559,24.887493332,-0.000602072646113,2.59700011532,3.96065102521,53.1999350236,0.452043262233,4.78635605162 +0.10000000000000002,0.0020653563727,24.887493332,-0.000650875572106,2.59700011532,22.063705504,53.1999350236,0.679238712152,4.78635605162 +0.10500000000000002,0.00211813443079,24.887493332,-0.000720868007637,2.59700011532,32.5016834277,53.1999350236,1.76335102388,4.78635605162 +0.11000000000000003,0.00483476705374,24.887493332,-0.000826525967792,2.59700011532,-13.8684083592,53.1999350236,-1.84767843252,4.78635605162 +0.11500000000000003,0.00772383018827,24.887493332,-0.000999095540335,2.59700011532,-2.46453702091,53.1999350236,-0.525372763748,4.78635605162 +0.12000000000000004,0.0111468044228,24.887493332,-0.00132091190976,2.59700011532,-0.944134639777,53.1999350236,-0.278401055973,4.78635605162 +0.12500000000000003,0.0151108859396,24.887493332,-0.00210251007708,2.59700011532,-0.459372384566,53.1999350236,-0.174801950313,4.78635605162 +0.13000000000000003,0.0171343953503,24.887493332,-0.00646411039937,2.59700011532,-0.248870152479,53.1999350236,-0.117764017075,4.78635605162 +0.13500000000000004,0.0350652053287,24.887493332,0.00483896441515,2.59700011532,-0.140697849216,53.1999350236,-0.0811959709455,4.78635605162 +0.14000000000000004,0.0423716405627,24.887493332,0.00164348920338,2.59700011532,-0.0787121176144,53.1999350236,-0.054939356815,4.78635605162 +0.14500000000000005,0.0556065274189,24.887493332,0.000952164683723,2.59700011532,-0.0402717597698,53.1999350236,-0.0339839519099,4.78635605162 +0.15000000000000005,0.0750741244315,24.887493332,0.000652717338428,2.59700011532,-0.0148647829393,53.1999350236,-0.0152581605846,4.78635605162 +0.15500000000000005,0.105121364985,24.887493332,0.000486276138869,2.59700011532,0.00289817867961,53.1999350236,0.00366434837427,4.78635605162 +0.16000000000000006,0.156661888365,24.887493332,0.000380003627249,2.59700011532,0.0159186133438,53.1999350236,0.0253281189163,4.78635605162 +0.16500000000000006,0.262367592272,24.887493332,0.00030521417449,2.59700011532,0.025571042223,53.1999350236,0.0531682521213,4.78635605162 +0.17000000000000007,0.564364908709,24.887493332,0.000248127467158,2.59700011532,0.0315872784201,53.1999350236,0.0927821259941,4.78635605162 +0.17500000000000007,2.5959579167,24.887493332,0.000201130085144,2.59700011532,0.0292029206784,53.1999350236,0.154754141223,4.78635605162 +0.18000000000000008,-16.475446849,24.887493332,0.000159525889875,2.59700011532,0.0358911787049,53.1999350236,0.262490035739,4.78635605162 +0.18500000000000008,-0.511783036992,24.887493332,0.000120133768726,2.59700011532,0.110684484186,53.1999350236,0.480628409477,4.78635605162 +0.19000000000000009,-0.10082323864,24.887493332,8.06091792099e-05,2.59700011532,0.287502181726,53.1999350236,1.07825811416,4.78635605162 +0.1950000000000001,-0.0217616071722,24.887493332,3.90793631522e-05,2.59700011532,1.76278846025,53.1999350236,6.44341026385,4.78635605162 +0.2000000000000001,0.0018057589186,24.887493332,-6.0783411812e-06,2.59700011532,-0.708546763109,53.1999350236,-2.77999234179,4.78635605162 +0.2050000000000001,0.00986119174713,24.887493332,-5.6395309412e-05,2.59700011532,-0.288768517405,53.1999350236,-1.4250988599,4.78635605162 +0.2100000000000001,0.0123886048682,24.887493332,-0.000113451921497,2.59700011532,-0.0453883904931,53.1999350236,-1.07480405018,4.78635605162 +0.2150000000000001,0.0126672479613,24.887493332,-0.000179031059276,2.59700011532,-0.216098228243,53.1999350236,-0.918928673398,4.78635605162 +0.2200000000000001,0.0119639992296,24.887493332,-0.000255316700686,2.59700011532,-0.303782296424,53.1999350236,-0.829882029715,4.78635605162 +0.22500000000000012,0.0108188848603,24.887493332,-0.000345181037066,2.59700011532,-0.376540448411,53.1999350236,-0.768590246102,4.78635605162 +0.23000000000000012,0.00947298486221,24.887493332,-0.000452632098144,2.59700011532,-0.444674685389,53.1999350236,-0.719533354007,4.78635605162 +0.23500000000000013,0.0080303460657,24.887493332,-0.000583556378394,2.59700011532,-0.511709354218,53.1999350236,-0.676086138182,4.78635605162 +0.24000000000000013,0.00652220624591,24.887493332,-0.00074703080616,2.59700011532,-0.580320553624,53.1999350236,-0.635687041334,4.78635605162 +0.24500000000000013,0.00492318860659,24.887493332,-0.000957812458771,2.59700011532,-0.65402690633,53.1999350236,-0.597721930261,4.78635605162 +0.2500000000000001,0.00309611593474,24.887493332,-0.00124149111194,2.59700011532,-0.738159324039,53.1999350236,-0.562420286285,4.78635605162 +0.2550000000000001,0.00120852123153,24.887493332,-0.00164639842495,2.59700011532,-0.841123459156,53.1999350236,-0.530264983882,4.78635605162 +0.2600000000000001,0.00296770830518,24.887493332,-0.00227557552413,2.59700011532,-0.976992971635,53.1999350236,-0.501711546802,4.78635605162 +0.2650000000000001,0.00346446876209,24.887493332,-0.00339370868859,2.59700011532,-1.17176767092,53.1999350236,-0.477092298472,4.78635605162 +0.27000000000000013,0.00311165177851,24.887493332,-0.0059459529095,2.59700011532,-1.48075094168,53.1999350236,-0.456618664681,4.78635605162 +0.27500000000000013,5.81181297004e-05,24.887493332,-0.017658799066,2.59700011532,-2.04846257485,53.1999350236,-0.440426219434,4.78635605162 +0.28000000000000014,0.00944333510943,24.887493332,0.023614750085,2.59700011532,-3.40557789309,53.1999350236,-0.428632720771,4.78635605162 +0.28500000000000014,0.00340829970713,24.887493332,0.00767066056605,2.59700011532,-3.11284671985,53.1999350236,-0.421397253632,4.78635605162 +0.29000000000000015,0.00465662583969,24.887493332,0.00479547193423,2.59700011532,-7.3226845792,53.1999350236,-0.418979551034,4.78635605162 +0.29500000000000015,0.00803485316173,24.887493332,0.00360288615197,2.59700011532,-2.89900743487,53.1999350236,-0.421805251145,4.78635605162 +0.30000000000000016,0.011317208785,24.887493332,0.00295953304001,2.59700011532,-1.81265725321,53.1999350236,-0.430548255252,4.78635605162 +0.30500000000000016,0.0150342971053,24.887493332,0.00256543644154,2.59700011532,-1.33509443051,53.1999350236,-0.446248610867,4.78635605162 +0.31000000000000016,0.0195367803603,24.887493332,0.00230729950188,2.59700011532,-1.07524607458,53.1999350236,-0.470497775671,4.78635605162 +0.31500000000000017,0.0252566844823,24.887493332,0.00213320374467,2.59700011532,-0.919444803615,53.1999350236,-0.505751070035,4.78635605162 +0.3200000000000002,0.0328467262745,24.887493332,0.00201640022284,2.59700011532,-0.823327239499,53.1999350236,-0.555889367891,4.78635605162 +0.3250000000000002,0.0433920010407,24.887493332,0.0019421605681,2.59700011532,-0.767055057191,53.1999350236,-0.627301579015,4.78635605162 +0.3300000000000002,0.0588411035857,24.887493332,0.00190225207722,2.59700011532,-0.742100920444,53.1999350236,-0.731155591538,4.78635605162 +0.3350000000000002,0.0830086530868,24.887493332,0.00189240571623,2.59700011532,-0.747384467914,53.1999350236,-0.888719562089,4.78635605162 +0.3400000000000002,0.12423731265,24.887493332,0.00191114377949,2.59700011532,-0.790619061756,53.1999350236,-1.14588760045,4.78635605162 +0.3450000000000002,0.203820698837,24.887493332,0.00195933974328,2.59700011532,-0.899404931831,53.1999350236,-1.62299653837,4.78635605162 +0.3500000000000002,0.390562922342,24.887493332,0.00204028979904,2.59700011532,-1.18152944757,53.1999350236,-2.76799848929,4.78635605162 +0.3550000000000002,1.02223133173,24.887493332,0.00216030007533,2.59700011532,-2.64941999732,53.1999350236,-8.84234636717,4.78635605162 +0.3600000000000002,6.9577971122,24.887493332,0.00233000990751,2.59700011532,1.20022386476,53.1999350236,8.04846171823,4.78635605162 +0.3650000000000002,-18.536899259,24.887493332,0.00256703619018,2.59700011532,0.458741195621,53.1999350236,2.87699372783,4.78635605162 +0.3700000000000002,-1.39066604189,24.887493332,0.0029013579004,2.59700011532,0.428452490342,53.1999350236,1.80260103173,4.78635605162 +0.3750000000000002,-0.461207455208,24.887493332,0.00338712026367,2.59700011532,0.362958187378,53.1999350236,1.34317089246,4.78635605162 +0.3800000000000002,-0.223731187001,24.887493332,0.00413170682114,2.59700011532,0.301055452763,53.1999350236,1.09124468109,4.78635605162 +0.38500000000000023,-0.128229841417,24.887493332,0.00538073173552,2.59700011532,0.240107113086,53.1999350236,0.93409620892,4.78635605162 +0.39000000000000024,-0.0784920119467,24.887493332,0.00784320725238,2.59700011532,0.170645997776,53.1999350236,0.828064963517,4.78635605162 +0.39500000000000024,-0.0431611488023,24.887493332,0.0147525608011,2.59700011532,0.0479569348817,53.1999350236,0.752702627484,4.78635605162 +0.40000000000000024,0.125171738448,24.887493332,0.133635902199,2.59700011532,0.157958083139,53.1999350236,0.697173708623,4.78635605162 +0.40500000000000025,-0.0584942984204,24.887493332,-0.0189855321451,2.59700011532,0.233609668151,53.1999350236,0.655219001313,4.78635605162 +0.41000000000000025,-0.037702725343,24.887493332,-0.00892863564252,2.59700011532,0.297743334418,53.1999350236,0.622989555054,4.78635605162 +0.41500000000000026,-0.027827106942,24.887493332,-0.00588638133755,2.59700011532,0.360227788464,53.1999350236,0.598008455715,4.78635605162 +0.42000000000000026,-0.0211987160476,24.887493332,-0.00442910916332,2.59700011532,0.42599152393,53.1999350236,0.57863048966,4.78635605162 +0.42500000000000027,-0.0160802276811,24.887493332,-0.00358152181559,2.59700011532,0.499061371088,53.1999350236,0.563742368813,4.78635605162 +0.43000000000000027,-0.0116739791922,24.887493332,-0.00303237055096,2.59700011532,0.583905567893,53.1999350236,0.552588046692,4.78635605162 +0.4350000000000003,-0.00728500366889,24.887493332,-0.00265158641512,2.59700011532,0.686486121185,53.1999350236,0.544663350089,4.78635605162 +0.4400000000000003,-0.00243291347265,24.887493332,-0.00237526997039,2.59700011532,0.815737263059,53.1999350236,0.539651413346,4.78635605162 +0.4450000000000003,-0.00696198428924,24.887493332,-0.00216842991751,2.59700011532,0.986299442514,53.1999350236,0.537383772652,4.78635605162 +0.4500000000000003,-0.00884851819847,24.887493332,-0.00201036354406,2.59700011532,1.22437969711,53.1999350236,0.537819018778,4.78635605162 +0.4550000000000003,-0.00981004369416,24.887493332,-0.00188810713602,2.59700011532,1.58201216785,53.1999350236,0.541034965552,4.78635605162 +0.4600000000000003,-0.0100218150295,24.887493332,-0.00179320090124,2.59700011532,2.17654305476,53.1999350236,0.547232998658,4.78635605162 +0.4650000000000003,-0.00925982419887,24.887493332,-0.0017199680688,2.59700011532,3.29135191908,53.1999350236,0.556755557551,4.78635605162 +0.4700000000000003,-0.00649167144982,24.887493332,-0.00166454644856,2.59700011532,-0.343367636509,53.1999350236,0.570120302197,4.78635605162 +0.4750000000000003,-0.00695375377574,24.887493332,-0.00162432127992,2.59700011532,18.3891004778,53.1999350236,0.588078304694,4.78635605162 +0.4800000000000003,-0.0147497845514,24.887493332,-0.00159758644143,2.59700011532,5.42949840841,53.1999350236,0.611710070066,4.78635605162 +0.4850000000000003,-0.0228537785489,24.887493332,-0.0015833449369,2.59700011532,3.20885144676,53.1999350236,0.642585338604,4.78635605162 +0.4900000000000003,-0.0280619238181,24.887493332,-0.00158120223415,2.59700011532,2.04560508739,53.1999350236,0.683037188758,4.78635605162 +0.49500000000000033,-0.0287684290134,24.887493332,-0.00160677194296,2.59700011532,1.49764431607,53.1999350236,0.715994577108,4.78635605162 diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_1.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_1.csv new file mode 100644 index 0000000000..0591a62545 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/DSS/pp2_print_1.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,0.774109933747,78.5323269828,-0.00111513031321,8.02406872151,0.00015699442728,21.1645936719,0.000388766220683,3.62270476039 +0.005,0.172934844167,78.5323269828,0.000312548594868,8.02406872151,0.000253790755873,21.1645936719,0.000478997467537,3.62270476039 +0.01,0.0434518775793,78.5323269828,9.33645706157e-05,8.02406872151,0.000389758416471,21.1645936719,0.00056805120926,3.62270476039 +0.015,0.019233004651,78.5323269828,5.94011493334e-05,8.02406872151,0.000486770043257,21.1645936719,0.000646124658721,3.62270476039 +0.02,0.0112138144262,78.5323269828,4.6202616342e-05,8.02406872151,0.000529134300053,21.1645936719,0.000713124729502,3.62270476039 +0.025,0.00757486755401,78.5323269828,3.95339280479e-05,8.02406872151,0.000474278984792,21.1645936719,0.000770415120738,3.62270476039 +0.030000000000000002,0.00559988445393,78.5323269828,3.57467616553e-05,8.02406872151,0.000152740369949,21.1645936719,0.000820287742045,3.62270476039 +0.035,0.004390795607,78.5323269828,3.34846745312e-05,8.02406872151,0.000797991250143,21.1645936719,0.000865542594222,3.62270476039 +0.04,0.00357888192657,78.5323269828,3.21335157958e-05,8.02406872151,0.00139258099056,21.1645936719,0.00090927581244,3.62270476039 +0.045,0.00298801637499,78.5323269828,3.13820403602e-05,8.02406872151,0.00213544322869,21.1645936719,0.000954896315223,3.62270476039 +0.049999999999999996,0.002522954625,78.5323269828,3.10643814811e-05,8.02406872151,0.00312433905151,21.1645936719,0.00100638290725,3.62270476039 +0.05499999999999999,0.00212519328404,78.5323269828,3.10947442252e-05,8.02406872151,0.00449128682363,21.1645936719,0.00106885498154,3.62270476039 +0.05999999999999999,0.00175195717774,78.5323269828,3.14383431158e-05,8.02406872151,0.00644420016217,21.1645936719,0.0011496907818,3.62270476039 +0.06499999999999999,0.00136101853355,78.5323269828,3.2099324124e-05,8.02406872151,0.00933486602648,21.1645936719,0.00126083041451,3.62270476039 +0.06999999999999999,0.000878087855177,78.5323269828,3.31188790748e-05,8.02406872151,0.0138014458706,21.1645936719,0.00142407700497,3.62270476039 +0.075,0.000466896928717,78.5323269828,3.45823471465e-05,8.02406872151,0.0211082874645,21.1645936719,0.00168536859298,3.62270476039 +0.08,0.00105539943751,78.5323269828,3.66384375052e-05,8.02406872151,0.0340932878574,21.1645936719,0.00216302079173,3.62270476039 +0.085,0.00136598259819,78.5323269828,3.95404879555e-05,8.02406872151,0.0605703170013,21.1645936719,0.00328710340681,3.62270476039 +0.09000000000000001,0.00153529464373,78.5323269828,4.37357620277e-05,8.02406872151,0.137405153594,21.1645936719,0.00883634014844,3.62270476039 +0.09500000000000001,0.00154146111344,78.5323269828,5.00760395577e-05,8.02406872151,0.212755471826,21.1645936719,-0.00846684654297,3.62270476039 +0.10000000000000002,0.00125478869626,78.5323269828,6.0390815383e-05,8.02406872151,1.5988061707,21.1645936719,-0.00250601690095,3.62270476039 +0.10500000000000002,0.000772175184071,78.5323269828,7.94364951969e-05,8.02406872151,-7.48669871307,21.1645936719,-0.00134643522011,3.62270476039 +0.11000000000000003,0.00223574857561,78.5323269828,0.000124632059843,8.02406872151,-0.413573575915,21.1645936719,-0.000855478667377,3.62270476039 +0.11500000000000003,0.00366331896809,78.5323269828,0.000352094517332,8.02406872151,-0.121052016172,21.1645936719,-0.000584330264464,3.62270476039 +0.12000000000000004,0.00481738095475,78.5323269828,-0.000336680273934,8.02406872151,-0.0503855034092,21.1645936719,-0.000410720594005,3.62270476039 +0.12500000000000003,0.00662913115137,78.5323269828,-0.000106374679546,8.02406872151,-0.0234170232593,21.1645936719,-0.000286946114568,3.62270476039 +0.13000000000000003,0.00866007541832,78.5323269828,-6.08457355132e-05,8.02406872151,-0.0107458842608,21.1645936719,-0.000189675836893,3.62270476039 +0.13500000000000004,0.0110758004082,78.5323269828,-4.15638099506e-05,8.02406872151,-0.0041603475582,21.1645936719,-0.000105003718329,3.62270476039 +0.14000000000000004,0.0140284466065,78.5323269828,-3.09727411283e-05,8.02406872151,-0.000617383138954,21.1645936719,-2.25654101801e-05,3.62270476039 +0.14500000000000005,0.0177699755735,78.5323269828,-2.42764214694e-05,8.02406872151,0.00124587128596,21.1645936719,6.76472198329e-05,3.62270476039 +0.15000000000000005,0.0227701859871,78.5323269828,-1.96176433169e-05,8.02406872151,0.00213169974396,21.1645936719,0.000178037706082,3.62270476039 +0.15500000000000005,0.0299926294325,78.5323269828,-1.61162762964e-05,8.02406872151,0.00244007370638,21.1645936719,0.000327303277569,3.62270476039 +0.16000000000000006,0.0416880551589,78.5323269828,-1.32927334511e-05,8.02406872151,0.00241168757692,21.1645936719,0.000548129320248,3.62270476039 +0.16500000000000006,0.0643186472701,78.5323269828,-1.08557501738e-05,8.02406872151,0.00218991014403,21.1645936719,0.000906013974106,3.62270476039 +0.17000000000000007,0.124719770968,78.5323269828,-8.61146363399e-06,8.02406872151,0.00184028567937,21.1645936719,0.00155620869662,3.62270476039 +0.17500000000000007,0.494938369974,78.5323269828,-6.41978064852e-06,8.02406872151,0.00126847297741,21.1645936719,0.00297767637778,3.62270476039 +0.18000000000000008,-2.46641065603,78.5323269828,-4.17133774529e-06,8.02406872151,0.00173926936988,21.1645936719,0.00772575298958,3.62270476039 +0.18500000000000008,-0.0414611869821,78.5323269828,-1.77413937144e-06,8.02406872151,-0.025561946542,21.1645936719,-0.11539011265,3.62270476039 +0.19000000000000009,0.00569319620955,78.5323269828,8.55060129221e-07,8.02406872151,-0.00146300939145,21.1645936719,-0.0100554509397,3.62270476039 +0.1950000000000001,0.011004902984,78.5323269828,3.79709063573e-06,8.02406872151,-0.000475864139573,21.1645936719,-0.00635126793396,3.62270476039 +0.2000000000000001,0.0108503108153,78.5323269828,7.13581055212e-06,8.02406872151,-0.000128654332099,21.1645936719,-0.00518006530933,3.62270476039 +0.2050000000000001,0.00969350347973,78.5323269828,1.09636231742e-05,8.02406872151,1.49277955888e-05,21.1645936719,-0.00467894362698,3.62270476039 +0.2100000000000001,0.00842420202358,78.5323269828,1.53879274562e-05,8.02406872151,4.02892302638e-05,21.1645936719,-0.0044476870953,3.62270476039 +0.2150000000000001,0.00724575947031,78.5323269828,2.05394988306e-05,8.02406872151,0.000191885884931,21.1645936719,-0.0043446838376,3.62270476039 +0.2200000000000001,0.00619304465914,78.5323269828,2.65841777047e-05,8.02406872151,0.000391175798864,21.1645936719,-0.0043045490451,3.62270476039 +0.22500000000000012,0.00525522371794,78.5323269828,3.37400009027e-05,8.02406872151,0.000673502363882,21.1645936719,-0.00429205403071,3.62270476039 +0.23000000000000012,0.00440922558223,78.5323269828,4.23033464715e-05,8.02406872151,0.00108776134503,21.1645936719,-0.00428710781864,3.62270476039 +0.23500000000000013,0.00362847465576,78.5323269828,5.26904309862e-05,8.02406872151,0.00170845633151,21.1645936719,-0.00427888014895,3.62270476039 +0.24000000000000013,0.00288251896262,78.5323269828,6.55060659113e-05,8.02406872151,0.00265234610929,21.1645936719,-0.004262899853,3.62270476039 +0.24500000000000013,0.002127734175,78.5323269828,8.16634197959e-05,8.02406872151,0.0041133507449,21.1645936719,-0.0042391343709,3.62270476039 +0.2500000000000001,0.001257759357,78.5323269828,0.000102605552429,8.02406872151,0.00643832583293,21.1645936719,-0.00421045589147,3.62270476039 +0.2550000000000001,0.000828378096761,78.5323269828,0.000130746825402,8.02406872151,0.010304266841,21.1645936719,-0.00418140075283,3.62270476039 +0.2600000000000001,0.00154019188196,78.5323269828,0.000170440017214,8.02406872151,0.0171821550257,21.1645936719,-0.00415725967944,3.62270476039 +0.2650000000000001,0.00187441428345,78.5323269828,0.000230381434784,8.02406872151,0.0307614176303,21.1645936719,-0.00414351845838,3.62270476039 +0.27000000000000013,0.00202193397403,78.5323269828,0.000330771307489,8.02406872151,0.0624826810512,21.1645936719,-0.00414561873163,3.62270476039 +0.27500000000000013,0.002001032412,78.5323269828,0.000531589183265,8.02406872151,0.163182566838,21.1645936719,-0.00416897908533,3.62270476039 +0.28000000000000014,0.00175329778763,78.5323269828,0.00112482219142,8.02406872151,0.841675558765,21.1645936719,-0.00421921817404,3.62270476039 +0.28500000000000014,0.00125269551862,78.5323269828,0.0359810627555,8.02406872151,-30.1715064164,21.1645936719,-0.00430254667581,3.62270476039 +0.29000000000000015,0.00173690674608,78.5323269828,-0.00139473398204,8.02406872151,-0.541470714699,21.1645936719,-0.0044263349351,3.62270476039 +0.29500000000000015,0.00310890477779,78.5323269828,-0.000737322863662,8.02406872151,-0.166181672723,21.1645936719,-0.00459991742035,3.62270476039 +0.30000000000000016,0.00456146898278,78.5323269828,-0.00052674979752,8.02406872151,-0.0829631693218,21.1645936719,-0.00483577503259,3.62270476039 +0.30500000000000016,0.00628601499582,78.5323269828,-0.000425524249225,8.02406872151,-0.0512147337907,21.1645936719,-0.00515137300595,3.62270476039 +0.31000000000000016,0.00845797610112,78.5323269828,-0.000368150791594,8.02406872151,-0.0356827739788,21.1645936719,-0.00557219787766,3.62270476039 +0.31500000000000017,0.0113216825999,78.5323269828,-0.0003331746523,8.02406872151,-0.0269350413193,21.1645936719,-0.00613710629019,3.62270476039 +0.3200000000000002,0.015267935443,78.5323269828,-0.000311603763873,8.02406872151,-0.0215737276619,21.1645936719,-0.00690843116545,3.62270476039 +0.3250000000000002,0.0209754548459,78.5323269828,-0.00029913248091,8.02406872151,-0.0181422611288,21.1645936719,-0.00799273681681,3.62270476039 +0.3300000000000002,0.0297210356289,78.5323269828,-0.000293590171994,8.02406872151,-0.0159619678347,21.1645936719,-0.00958820041251,3.62270476039 +0.3350000000000002,0.0441503928111,78.5323269828,-0.000293955979829,8.02406872151,-0.0147516320894,21.1645936719,-0.0121094126143,3.62270476039 +0.3400000000000002,0.0705032247119,78.5323269828,-0.00029995850538,8.02406872151,-0.0145712178054,21.1645936719,-0.0165925304479,3.62270476039 +0.3450000000000002,0.126536483196,78.5323269828,-0.000311949955848,8.02406872151,-0.016262292345,21.1645936719,-0.0265554172213,3.62270476039 +0.3500000000000002,0.280803513005,78.5323269828,-0.000330964255244,8.02406872151,-0.0265280222762,21.1645936719,-0.066497609455,3.62270476039 +0.3550000000000002,1.02324913362,78.5323269828,-0.000358979521713,8.02406872151,0.0298908562968,21.1645936719,0.136708832882,3.62270476039 +0.3600000000000002,80.1685866409,78.5323269828,-0.000399528825841,8.02406872151,0.00187240234695,21.1645936719,0.0343043054976,3.62270476039 +0.3650000000000002,-1.79519173079,78.5323269828,-0.000459072822812,8.02406872151,0.0027974550452,21.1645936719,0.0199018342634,3.62270476039 +0.3700000000000002,-0.396905209568,78.5323269828,-0.000550354811098,8.02406872151,0.00196447877021,21.1645936719,0.0142027898753,3.62270476039 +0.3750000000000002,-0.172007319674,78.5323269828,-0.000701977803126,8.02406872151,0.00121110983051,21.1645936719,0.0111763984294,3.62270476039 +0.3800000000000002,-0.0968649163453,78.5323269828,-0.00099349891318,8.02406872151,0.00061232574077,21.1645936719,0.00931878570727,3.62270476039 +0.38500000000000023,-0.0636563968426,78.5323269828,-0.00175835669441,8.02406872151,0.000167538565504,21.1645936719,0.00807685474333,3.62270476039 +0.39000000000000024,-0.0561966955212,78.5323269828,-0.00856322755607,8.02406872151,-8.0456588826e-05,21.1645936719,0.00719971537706,3.62270476039 +0.39500000000000024,-0.0260206570271,78.5323269828,0.00291043543761,8.02406872151,-0.000288516079035,21.1645936719,0.00655732455789,3.62270476039 +0.40000000000000024,-0.0213502799877,78.5323269828,0.00123939077254,8.02406872151,-0.000876677291258,21.1645936719,0.00607577941537,3.62270476039 +0.40500000000000025,-0.016899092494,78.5323269828,0.000788878127904,8.02406872151,-0.0017178654172,21.1645936719,0.00571021259275,3.62270476039 +0.41000000000000025,-0.0134051383915,78.5323269828,0.000581133294843,8.02406872151,-0.00289031251364,21.1645936719,0.0054320610037,3.62270476039 +0.41500000000000026,-0.0106196180657,78.5323269828,0.00046265549946,8.02406872151,-0.00452348561758,21.1645936719,0.00522255321938,3.62270476039 +0.42000000000000026,-0.00830333105079,78.5323269828,0.000386842345636,8.02406872151,-0.00682983486137,21.1645936719,0.00506915740742,3.62270476039 +0.42500000000000027,-0.0062597143635,78.5323269828,0.000334748408515,8.02406872151,-0.0101640037956,21.1645936719,0.00496355398608,3.62270476039 +0.43000000000000027,-0.00428053116836,78.5323269828,0.000297231742542,8.02406872151,-0.0151430112141,21.1645936719,0.00490045113692,3.62270476039 +0.4350000000000003,-0.00183094244122,78.5323269828,0.000269350407586,8.02406872151,-0.0229061424782,21.1645936719,0.00487690217277,3.62270476039 +0.4400000000000003,-0.00273321375559,78.5323269828,0.00024820979193,8.02406872151,-0.0357308620284,21.1645936719,0.00489195140857,3.62270476039 +0.4450000000000003,-0.00388360453739,78.5323269828,0.000232012825754,8.02406872151,-0.0586844015204,21.1645936719,0.00494652670219,3.62270476039 +0.4500000000000003,-0.00445348727543,78.5323269828,0.000219596381833,8.02406872151,-0.104878587617,21.1645936719,0.00504355611419,3.62270476039 +0.4550000000000003,-0.0046422237846,78.5323269828,0.000210187123956,8.02406872151,-0.217029543586,21.1645936719,0.00518833724011,3.62270476039 +0.4600000000000003,-0.00441220704131,78.5323269828,0.000203265440004,8.02406872151,-0.603815420293,21.1645936719,0.00538925015073,3.62270476039 +0.4650000000000003,-0.00346569189527,78.5323269828,0.000198486694994,8.02406872151,-4.0640633147,21.1645936719,0.00565900476547,3.62270476039 +0.4700000000000003,-0.00191015692685,78.5323269828,0.000195635089853,8.02406872151,17.9868344846,21.1645936719,0.00601680122675,3.62270476039 +0.4750000000000003,-0.00569507867241,78.5323269828,0.000194597602017,8.02406872151,1.19241195807,21.1645936719,0.00649217227692,3.62270476039 +0.4800000000000003,-0.00910691494635,78.5323269828,0.00019535171858,8.02406872151,0.416943814092,21.1645936719,0.00713216163498,3.62270476039 +0.4850000000000003,-0.0130557612771,78.5323269828,0.000197964290948,8.02406872151,0.219083602994,21.1645936719,0.00801569461804,3.62270476039 +0.4900000000000003,-0.0154658754364,78.5323269828,0.000202601458671,8.02406872151,0.122663915599,21.1645936719,0.00928513779775,3.62270476039 +0.49500000000000033,-0.015404620316,78.5323269828,0.00020681289425,8.02406872151,0.0837281391226,21.1645936719,0.0101591584241,3.62270476039 diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_2.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_2.csv new file mode 100644 index 0000000000..91a45e91ad --- /dev/null +++ b/tests/framework/PostProcessors/Validation/DSS/pp2_print_2.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,-0.0499281922006,37.767391036,0.00214950159842,4.28650302037,1.48043773097e-06,153.440198563,-2.78869210709e-06,15.4153269263 +0.005,-0.108821350709,37.767391036,0.00344512627925,4.28650302037,1.92343383019e-06,153.440198563,-3.78745340746e-06,15.4153269263 +0.01,-2.80127775886,37.767391036,-0.0154495882567,4.28650302037,1.53098863678e-06,153.440198563,-4.83741886226e-06,15.4153269263 +0.015,0.666352304377,37.767391036,-0.00270493401925,4.28650302037,1.90085196915e-06,153.440198563,-5.79512180408e-06,15.4153269263 +0.02,0.105537707351,37.767391036,-0.00161203987177,4.28650302037,3.32599773558e-06,153.440198563,-6.63492581009e-06,15.4153269263 +0.025,0.0431344458161,37.767391036,-0.00122160618589,4.28650302037,4.40380458328e-06,153.440198563,-7.35165063744e-06,15.4153269263 +0.030000000000000002,0.0243318377974,37.767391036,-0.0010306546398,4.28650302037,5.17246201225e-06,153.440198563,-7.95660994721e-06,15.4153269263 +0.035,0.0161802116007,37.767391036,-0.000923652027417,4.28650302037,5.32498316785e-06,153.440198563,-8.47174651242e-06,15.4153269263 +0.04,0.0118771511525,37.767391036,-0.00085975689653,4.28650302037,3.63941540802e-06,153.440198563,-8.92454004322e-06,15.4153269263 +0.045,0.00929529622336,37.767391036,-0.000820975161398,4.28650302037,6.48621474724e-06,153.440198563,-9.3449510607e-06,15.4153269263 +0.049999999999999996,0.00759070348954,37.767391036,-0.000798295647998,4.28650302037,1.3658071887e-05,153.440198563,-9.76461077415e-06,15.4153269263 +0.05499999999999999,0.00636976921521,37.767391036,-0.000786888171608,4.28650302037,2.28305802338e-05,153.440198563,-1.02181231591e-05,15.4153269263 +0.05999999999999999,0.00542383077465,37.767391036,-0.000784147860477,4.28650302037,3.54369772377e-05,153.440198563,-1.07466180944e-05,15.4153269263 +0.06499999999999999,0.00462768310852,37.767391036,-0.000788818411715,4.28650302037,5.3214686841e-05,153.440198563,-1.14045547185e-05,15.4153269263 +0.06999999999999999,0.00389360580876,37.767391036,-0.00080059531129,4.28650302037,7.8766485877e-05,153.440198563,-1.22726906907e-05,15.4153269263 +0.075,0.00314310405167,37.767391036,-0.000819987724073,4.28650302037,0.000116258353714,153.440198563,-1.34849615832e-05,15.4153269263 +0.08,0.00226732731421,37.767391036,-0.000848368466594,4.28650302037,0.000172710528439,153.440198563,-1.52914860661e-05,15.4153269263 +0.085,0.000856688329193,37.767391036,-0.000888228880415,4.28650302037,0.000260628405531,153.440198563,-1.82327415937e-05,15.4153269263 +0.09000000000000001,0.00183568332738,37.767391036,-0.000943751981274,4.28650302037,0.000403597002242,153.440198563,-2.37528099707e-05,15.4153269263 +0.09500000000000001,0.00264621581141,37.767391036,-0.00102200341102,4.28650302037,0.000645816804441,153.440198563,-3.74874734818e-05,15.4153269263 +0.10000000000000002,0.00312285344438,37.767391036,-0.00113551387155,4.28650302037,0.000916181838688,153.440198563,-0.000125172028078,15.4153269263 +0.10500000000000002,0.00330033104617,37.767391036,-0.00130846731198,4.28650302037,0.0031709156581,153.440198563,6.80776138803e-05,15.4153269263 +0.11000000000000003,0.00305357249322,37.767391036,-0.00159401185415,4.28650302037,0.0092741572586,153.440198563,2.3630670193e-05,15.4153269263 +0.11500000000000003,0.00192066846575,37.767391036,-0.00213582689044,4.28650302037,0.184535236178,153.440198563,1.31146173897e-05,15.4153269263 +0.12000000000000004,0.00252956428232,37.767391036,-0.00350365660164,4.28650302037,-0.0261601202469,153.440198563,8.43267598045e-06,15.4153269263 +0.12500000000000003,0.00197195699887,37.767391036,-0.0128058571372,4.28650302037,-0.00407839423995,153.440198563,5.78128280747e-06,15.4153269263 +0.13000000000000003,0.0119156742882,37.767391036,0.0064905335384,4.28650302037,-0.00136658922718,153.440198563,4.05421618831e-06,15.4153269263 +0.13500000000000004,0.013671245455,37.767391036,0.0024343989044,4.28650302037,-0.000561531221493,153.440198563,2.8037103852e-06,15.4153269263 +0.14000000000000004,0.0169855507165,37.767391036,0.00144628153041,4.28650302037,-0.000233033923817,153.440198563,1.80407295399e-06,15.4153269263 +0.14500000000000005,0.0210482642293,37.767391036,0.00100434732335,4.28650302037,-7.82755721773e-05,153.440198563,9.15992711228e-07,15.4153269263 +0.15000000000000005,0.0258835576537,37.767391036,0.000755025231215,4.28650302037,-1.7285453844e-06,153.440198563,3.07115919595e-08,15.4153269263 +0.15500000000000005,0.0317078406287,37.767391036,0.000594637268036,4.28650302037,3.48615386997e-05,153.440198563,-9.62513297606e-07,15.4153269263 +0.16000000000000006,0.03896086226,37.767391036,0.000481492502845,4.28650302037,4.95564952756e-05,153.440198563,-2.20761666073e-06,15.4153269263 +0.16500000000000006,0.0484979384313,37.767391036,0.000395330321375,4.28650302037,5.19049338564e-05,153.440198563,-3.9299302102e-06,15.4153269263 +0.17000000000000007,0.0620887853646,37.767391036,0.000324893762769,4.28650302037,4.72752726694e-05,153.440198563,-6.53687252305e-06,15.4153269263 +0.17500000000000007,0.0838925432036,37.767391036,0.000263230775606,4.28650302037,3.86756477784e-05,153.440198563,-1.08771768008e-05,15.4153269263 +0.18000000000000008,0.126109101157,37.767391036,0.000205642022718,4.28650302037,2.75555601199e-05,153.440198563,-1.90800002131e-05,15.4153269263 +0.18500000000000008,0.243272898987,37.767391036,0.000148680404437,4.28650302037,1.39478669348e-05,153.440198563,-3.84293742393e-05,15.4153269263 +0.19000000000000009,1.25320061527,37.767391036,8.96142018957e-05,4.28650302037,-4.26359975484e-06,153.440198563,-0.000120753657011,15.4153269263 +0.1950000000000001,-0.328279795372,37.767391036,2.61089979965e-05,4.28650302037,6.32719894207e-05,153.440198563,0.000281470696544,15.4153269263 +0.2000000000000001,0.0566244476106,37.767391036,-4.39845116188e-05,4.28650302037,4.27397326215e-05,153.440198563,8.84294864703e-05,15.4153269263 +0.2050000000000001,0.0514053505134,37.767391036,-0.000122794909578,4.28650302037,4.0516001398e-05,153.440198563,6.14787929997e-05,15.4153269263 +0.2100000000000001,0.0405028662944,37.767391036,-0.000212581686572,4.28650302037,3.81748740252e-05,153.440198563,5.17038603202e-05,15.4153269263 +0.2150000000000001,0.0321067659877,37.767391036,-0.000315900981059,4.28650302037,3.36695540624e-05,153.440198563,4.71889229888e-05,15.4153269263 +0.2200000000000001,0.0258403274918,37.767391036,-0.00043581283209,4.28650302037,2.4387399431e-05,153.440198563,4.4875060237e-05,15.4153269263 +0.22500000000000012,0.0210417485375,37.767391036,-0.000576165408484,4.28650302037,1.57630978935e-05,153.440198563,4.35861729715e-05,15.4153269263 +0.23000000000000012,0.0172488698855,37.767391036,-0.000742009822369,4.28650302037,3.90452419768e-05,153.440198563,4.27615567712e-05,15.4153269263 +0.23500000000000013,0.0141582984866,37.767391036,-0.000940234887552,4.28650302037,5.85822401439e-05,153.440198563,4.21069168398e-05,15.4153269263 +0.24000000000000013,0.0115667017187,37.767391036,-0.00118058169524,4.28650302037,7.93280986529e-05,153.440198563,4.14713402758e-05,15.4153269263 +0.24500000000000013,0.00933193577921,37.767391036,-0.00147734237755,4.28650302037,0.00010323904041,153.440198563,4.07922860834e-05,15.4153269263 +0.2500000000000001,0.00734854275724,37.767391036,-0.00185236098997,4.28650302037,0.000132353675386,153.440198563,4.00634095801e-05,15.4153269263 +0.2550000000000001,0.00553004791768,37.767391036,-0.00234068708837,4.28650302037,0.000169564909451,153.440198563,3.93118213766e-05,15.4153269263 +0.2600000000000001,0.00378746557468,37.767391036,-0.00300211254591,4.28650302037,0.000219516980964,153.440198563,3.85814626358e-05,15.4153269263 +0.2650000000000001,0.00194455333851,37.767391036,-0.00394726388461,4.28650302037,0.000290298928418,153.440198563,3.79219324726e-05,15.4153269263 +0.27000000000000013,0.00138630396449,37.767391036,-0.00540542120334,4.28650302037,0.000397224923975,153.440198563,3.73821990832e-05,15.4153269263 +0.27500000000000013,0.00175262947416,37.767391036,-0.00794025570953,4.28650302037,0.000572450985139,153.440198563,3.70082269142e-05,15.4153269263 +0.28000000000000014,0.000671392420297,37.767391036,-0.0134048916244,4.28650302037,0.000893718572204,153.440198563,3.68434041146e-05,15.4153269263 +0.28500000000000014,-0.0046774271677,37.767391036,-0.0335288065715,4.28650302037,0.00159265948961,153.440198563,3.69308396882e-05,15.4153269263 +0.29000000000000015,0.0317778653141,37.767391036,0.108292813634,4.28650302037,0.00365085181784,153.440198563,3.73169772657e-05,15.4153269263 +0.29500000000000015,0.00818339475296,37.767391036,0.0231436754672,4.28650302037,0.0161638728405,153.440198563,3.80564183044e-05,15.4153269263 +0.30000000000000016,0.00111412560967,37.767391036,0.0137808997325,4.28650302037,-0.884787886606,153.440198563,3.9218335031e-05,15.4153269263 +0.30500000000000016,0.00694290356226,37.767391036,0.0102407538624,4.28650302037,-0.00939532288541,153.440198563,4.08954655535e-05,15.4153269263 +0.31000000000000016,0.010493995504,37.767391036,0.00842291698246,4.28650302037,-0.00249837948379,153.440198563,4.32176408333e-05,15.4153269263 +0.31500000000000017,0.0141331036889,37.767391036,0.00735357855299,4.28650302037,-0.00108921245228,153.440198563,4.6373574815e-05,15.4153269263 +0.3200000000000002,0.0183727680949,37.767391036,0.00668439911726,4.28650302037,-0.000581338912779,153.440198563,5.06483583235e-05,15.4153269263 +0.3250000000000002,0.0236396025607,37.767391036,0.00626172773479,4.28650302037,-0.000342494060474,153.440198563,5.64925313104e-05,15.4153269263 +0.3300000000000002,0.0304957537778,37.767391036,0.0060093926315,4.28650302037,-0.000209953796173,153.440198563,6.46596457532e-05,15.4153269263 +0.3350000000000002,0.0398163176516,37.767391036,0.00588786205733,4.28650302037,-0.000126330020937,153.440198563,7.65079974373e-05,15.4153269263 +0.3400000000000002,0.0530915153608,37.767391036,0.00587779409205,4.28650302037,-6.63151602054e-05,153.440198563,9.47525643711e-05,15.4153269263 +0.3450000000000002,0.0730701399213,37.767391036,0.0059730818723,4.28650302037,-1.51946100957e-05,153.440198563,0.000125710933657,15.4153269263 +0.3500000000000002,0.105319260008,37.767391036,0.00617843981787,4.28650302037,4.26696601349e-05,153.440198563,0.000188221448848,15.4153269263 +0.3550000000000002,0.162593654311,37.767391036,0.00650996412315,4.28650302037,0.000157569681522,153.440198563,0.000375039417191,15.4153269263 +0.3600000000000002,0.279772888882,37.767391036,0.00699877288072,4.28650302037,0.0098837259003,153.440198563,0.0196652331057,15.4153269263 +0.3650000000000002,0.583338306626,37.767391036,0.00769949424298,4.28650302037,-0.000198084213264,153.440198563,-0.000399736267412,15.4153269263 +0.3700000000000002,1.86574241185,37.767391036,0.00870860844522,4.28650302037,-8.02869790213e-05,153.440198563,-0.000201481595308,15.4153269263 +0.3750000000000002,42.3579811861,37.767391036,0.0102064301858,4.28650302037,-1.3156166492e-05,153.440198563,-0.00013678925093,15.4153269263 +0.3800000000000002,-5.26716178934,37.767391036,0.0125657200952,4.28650302037,-4.4608825145e-05,153.440198563,-0.000104990825304,15.4153269263 +0.38500000000000023,-0.889900805818,37.767391036,0.0166922695136,4.28650302037,-5.34329932638e-05,153.440198563,-8.62734355043e-05,15.4153269263 +0.39000000000000024,-0.304090368719,37.767391036,0.0254915046914,4.28650302037,-5.57381594146e-05,153.440198563,-7.40790823169e-05,15.4153269263 +0.39500000000000024,-0.0573578413862,37.767391036,0.0561239913279,4.28650302037,-5.41865304024e-05,153.440198563,-6.56105929421e-05,15.4153269263 +0.40000000000000024,-0.693730232489,37.767391036,-0.246683611764,4.28650302037,-4.84623702636e-05,153.440198563,-5.94757357043e-05,15.4153269263 +0.40500000000000025,-0.164279761324,37.767391036,-0.0382846008641,4.28650302037,-3.50507135296e-05,153.440198563,-5.49054663602e-05,15.4153269263 +0.41000000000000025,-0.0999385766782,37.767391036,-0.0207791318521,4.28650302037,-2.59158836574e-05,153.440198563,-5.14422667378e-05,15.4153269263 +0.41500000000000026,-0.0698826288974,37.767391036,-0.0143215945081,4.28650302037,-6.1613094492e-05,153.440198563,-4.87989196164e-05,15.4153269263 +0.42000000000000026,-0.0518196747833,37.767391036,-0.0109904218024,4.28650302037,-9.44605561698e-05,153.440198563,-4.67881738629e-05,15.4153269263 +0.42500000000000027,-0.0396054744386,37.767391036,-0.00897650633767,4.28650302037,-0.000132038605754,153.440198563,-4.52851213661e-05,15.4153269263 +0.43000000000000027,-0.030669772508,37.767391036,-0.00764130095923,4.28650302037,-0.000178513875608,153.440198563,-4.42059756702e-05,15.4153269263 +0.4350000000000003,-0.0236836984137,37.767391036,-0.00670217276586,4.28650302037,-0.000238905931645,153.440198563,-4.34956821917e-05,15.4153269263 +0.4400000000000003,-0.0178336157332,37.767391036,-0.00601499611813,4.28650302037,-0.000320699620659,153.440198563,-4.31206222862e-05,15.4153269263 +0.4450000000000003,-0.0124729552851,37.767391036,-0.00549878952213,4.28650302037,-0.000436162799237,153.440198563,-4.30644970741e-05,15.4153269263 +0.4500000000000003,-0.0065709238374,37.767391036,-0.00510476779296,4.28650302037,-0.000606930495375,153.440198563,-4.33264233714e-05,15.4153269263 +0.4550000000000003,-0.00599985403089,37.767391036,-0.00480201464787,4.28650302037,-0.000874311714594,153.440198563,-4.39208298679e-05,15.4153269263 +0.4600000000000003,-0.00954601659704,37.767391036,-0.0045702320651,4.28650302037,-0.00132544503602,153.440198563,-4.48791454024e-05,15.4153269263 +0.4650000000000003,-0.0112455781012,37.767391036,-0.00439581577765,4.28650302037,-0.00217082289174,153.440198563,-4.62536743346e-05,15.4153269263 +0.4700000000000003,-0.0119359941745,37.767391036,-0.00426962454311,4.28650302037,-0.0040312798916,153.440198563,-4.81246088084e-05,15.4153269263 +0.4750000000000003,-0.0116562165228,37.767391036,-0.00418567497193,4.28650302037,-0.00945788743967,153.440198563,-5.06120757773e-05,15.4153269263 +0.4800000000000003,-0.00993698502416,37.767391036,-0.00414037944419,4.28650302037,-0.0396906266945,153.440198563,-5.38969552789e-05,15.4153269263 +0.4850000000000003,-0.00404605115942,37.767391036,-0.00413213174602,4.28650302037,154.150605696,153.440198563,-5.82581034752e-05,15.4153269263 +0.4900000000000003,-0.00998731207677,37.767391036,-0.00416114504231,4.28650302037,0.034118947356,153.440198563,-6.41425967643e-05,15.4153269263 +0.49500000000000033,-0.0128971436753,37.767391036,-0.00421966639005,4.28650302037,0.0125953353559,153.440198563,-6.81736548532e-05,15.4153269263 diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_3.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_3.csv new file mode 100644 index 0000000000..b316e2699f --- /dev/null +++ b/tests/framework/PostProcessors/Validation/DSS/pp2_print_3.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,-0.697504916097,44.0357167442,0.000187067290355,4.26023895104,-2.11276592754e-05,89.5779339625,-0.000285845842716,6.37493074725 +0.005,-0.0937961442649,44.0357167442,-0.0107945042615,4.26023895104,-3.92865465678e-05,89.5779339625,-0.000364488540017,6.37493074725 +0.01,0.0146841058889,44.0357167442,-9.71177503994e-05,4.26023895104,-6.67856771506e-05,89.5779339625,-0.000443156077267,6.37493074725 +0.015,0.00506653565941,44.0357167442,-5.33732447477e-05,4.26023895104,-8.62016576422e-05,89.5779339625,-0.000512069162707,6.37493074725 +0.02,0.00264912003481,44.0357167442,-3.93028795981e-05,4.26023895104,-9.26173409153e-05,89.5779339625,-0.000570402317613,6.37493074725 +0.025,0.00168680153944,44.0357167442,-3.26829677854e-05,4.26023895104,-8.30889723401e-05,89.5779339625,-0.000618795490168,6.37493074725 +0.030000000000000002,0.00120431279303,44.0357167442,-2.90367763534e-05,4.26023895104,-4.79002520117e-05,89.5779339625,-0.000658842799678,6.37493074725 +0.035,0.000924973573352,44.0357167442,-2.68683093569e-05,4.26023895104,-6.63160867215e-05,89.5779339625,-0.000692611654596,6.37493074725 +0.04,0.00074556549366,44.0357167442,-2.55379784572e-05,4.26023895104,-0.000106803672211,89.5779339625,-0.00072232082436,6.37493074725 +0.045,0.000620054135386,44.0357167442,-2.47300438834e-05,4.26023895104,-0.000127260851072,89.5779339625,-0.000750198057986,6.37493074725 +0.049999999999999996,0.000524915785644,44.0357167442,-2.42749694187e-05,4.26023895104,-0.000126106445899,89.5779339625,-0.000778489952812,6.37493074725 +0.05499999999999999,0.000446506998059,44.0357167442,-2.40785835079e-05,4.26023895104,-9.45463572758e-05,89.5779339625,-0.000809598180607,6.37493074725 +0.05999999999999999,0.000375594130202,44.0357167442,-2.40903563519e-05,4.26023895104,-1.65922809e-05,89.5779339625,-0.000846347883827,6.37493074725 +0.06499999999999999,0.000304218800638,44.0357167442,-2.42883489049e-05,4.26023895104,0.000135747532565,89.5779339625,-0.000892453698131,6.37493074725 +0.06999999999999999,0.000221835612996,44.0357167442,-2.4672418092e-05,4.26023895104,0.000413231845106,89.5779339625,-0.000953366778074,6.37493074725 +0.075,9.2770565207e-05,44.0357167442,-2.52624422277e-05,4.26023895104,0.00091376853062,89.5779339625,-0.001037969938,6.37493074725 +0.08,0.000173172894743,44.0357167442,-2.61007254317e-05,4.26023895104,0.00184345477911,89.5779339625,-0.00116240376062,6.37493074725 +0.085,0.000255676889715,44.0357167442,-2.72594468592e-05,4.26023895104,0.00369298428297,89.5779339625,-0.00136012060659,6.37493074725 +0.09000000000000001,0.000305994644935,44.0357167442,-2.88562660331e-05,4.26023895104,0.00786265864931,89.5779339625,-0.00171461681719,6.37493074725 +0.09500000000000001,0.000326642852658,44.0357167442,-3.10857518336e-05,4.26023895104,0.0196849658811,89.5779339625,-0.00251090325498,6.37493074725 +0.10000000000000002,0.000299811467444,44.0357167442,-3.42857835574e-05,4.26023895104,0.072195401223,89.5779339625,-0.00577866461621,6.37493074725 +0.10500000000000002,0.000134961152106,44.0357167442,-3.90918580476e-05,4.26023895104,59.6980859328,89.5779339625,0.00984455394909,6.37493074725 +0.11000000000000003,0.000386021399898,44.0357167442,-4.68508068181e-05,4.26023895104,-0.14193230949,89.5779339625,0.00228496629479,6.37493074725 +0.11500000000000003,0.000689017368324,44.0357167442,-6.09976586018e-05,4.26023895104,-0.0323262493585,89.5779339625,0.00117371403423,6.37493074725 +0.12000000000000004,0.00102175449744,44.0357167442,-9.36654095125e-05,4.26023895104,-0.0132653728221,89.5779339625,0.000729645787486,6.37493074725 +0.12500000000000003,0.0013483939446,44.0357167442,-0.000240809435488,4.26023895104,-0.00662492545004,89.5779339625,0.000490726533187,6.37493074725 +0.13000000000000003,0.00225972652341,44.0357167442,0.000312906657587,4.26023895104,-0.00353345960159,89.5779339625,0.00033995371488,6.37493074725 +0.13500000000000004,0.00276334008842,44.0357167442,8.79609596538e-05,4.26023895104,-0.00186443481341,89.5779339625,0.000233288254922,6.37493074725 +0.14000000000000004,0.00357504670606,44.0357167442,4.91331111265e-05,4.26023895104,-0.000897577524816,89.5779339625,0.000149619168864,6.37493074725 +0.14500000000000005,0.00465976804457,44.0357167442,3.31771549351e-05,4.26023895104,-0.000330318804864,89.5779339625,7.64550608065e-05,6.37493074725 +0.15000000000000005,0.00614778533549,44.0357167442,2.45300381279e-05,4.26023895104,-1.29353018048e-05,89.5779339625,4.40631399263e-06,6.37493074725 +0.15500000000000005,0.00831850845749,44.0357167442,1.90996554934e-05,4.26023895104,0.000139727800254,89.5779339625,-7.58221086535e-05,6.37493074725 +0.16000000000000006,0.0118115724806,44.0357167442,1.53305942382e-05,4.26023895104,0.000181860188277,89.5779339625,-0.000176144980024,6.37493074725 +0.16500000000000006,0.018375321213,44.0357167442,1.24932460113e-05,4.26023895104,0.000150837393926,89.5779339625,-0.000315173730856,6.37493074725 +0.17000000000000007,0.0345105680007,44.0357167442,1.01920437362e-05,4.26023895104,7.50239026571e-05,89.5779339625,-0.000526715755,6.37493074725 +0.17500000000000007,0.106536282721,44.0357167442,8.18702485921e-06,4.26023895104,-1.45928717769e-05,89.5779339625,-0.000881888450068,6.37493074725 +0.18000000000000008,42.5050393615,44.0357167442,6.31817273867e-06,4.26023895104,-6.56593858581e-05,89.5779339625,-0.00156222652767,6.37493074725 +0.18500000000000008,-0.0649333036591,44.0357167442,4.46936234261e-06,4.26023895104,-0.000496398707045,89.5779339625,-0.00321143489458,6.37493074725 +0.19000000000000009,-0.00826148646792,44.0357167442,2.54933415573e-06,4.26023895104,-0.00261240983115,89.5779339625,-0.0109964997649,6.37493074725 +0.1950000000000001,-0.000626779082105,44.0357167442,4.80492674955e-07,4.26023895104,0.0050883390726,89.5779339625,0.0177953503839,6.37493074725 +0.2000000000000001,0.00119382519224,44.0357167442,-1.80867751303e-06,4.26023895104,0.00192045995026,89.5779339625,0.00651698961225,6.37493074725 +0.2050000000000001,0.00165109291848,44.0357167442,-4.38977505641e-06,4.26023895104,0.00116369666109,89.5779339625,0.00460286823153,6.37493074725 +0.2100000000000001,0.00168763904999,44.0357167442,-7.34063222456e-06,4.26023895104,0.000334337764555,89.5779339625,0.00385576098808,6.37493074725 +0.2150000000000001,0.0015783384851,44.0357167442,-1.07526691661e-05,4.26023895104,0.00103512244089,89.5779339625,0.00347146350879,6.37493074725 +0.2200000000000001,0.001418432001,44.0357167442,-1.47408934766e-05,4.26023895104,0.00157196745902,89.5779339625,0.0032342436858,6.37493074725 +0.22500000000000012,0.00124384440593,44.0357167442,-1.94586942711e-05,4.26023895104,0.00206145450576,89.5779339625,0.00306143899918,6.37493074725 +0.23000000000000012,0.00106802325323,44.0357167442,-2.51211187804e-05,4.26023895104,0.00256464516031,89.5779339625,0.00291624283213,6.37493074725 +0.23500000000000013,0.000894848382723,44.0357167442,-3.20435749503e-05,4.26023895104,0.00311554115278,89.5779339625,0.00278230231857,6.37493074725 +0.24000000000000013,0.000723278600185,44.0357167442,-4.07100742261e-05,4.26023895104,0.00375191397058,89.5779339625,0.00265371902434,6.37493074725 +0.24500000000000013,0.00054800403086,44.0357167442,-5.19020566123e-05,4.26023895104,0.00452998537195,89.5779339625,0.00252998198122,6.37493074725 +0.2500000000000001,0.0003537970648,44.0357167442,-6.69627130596e-05,4.26023895104,0.0055431846461,89.5779339625,0.00241301574614,6.37493074725 +0.2550000000000001,8.68407622395e-05,44.0357167442,-8.840025254e-05,4.26023895104,0.00695954936342,89.5779339625,0.00230547016147,6.37493074725 +0.2600000000000001,0.000316952656444,44.0357167442,-0.000121477670975,4.26023895104,0.00911184615088,89.5779339625,0.00220985266387,6.37493074725 +0.2650000000000001,0.000390433716055,44.0357167442,-0.000179380133502,4.26023895104,0.0127519961552,89.5779339625,0.00212821322694,6.37493074725 +0.27000000000000013,0.000393465128533,44.0357167442,-0.000306996636892,4.26023895104,0.0199385942529,89.5779339625,0.00206215097769,6.37493074725 +0.27500000000000013,0.000259823603625,44.0357167442,-0.00081908905086,4.26023895104,0.0383712317313,89.5779339625,0.00201298017563,6.37493074725 +0.28000000000000014,0.000775077762552,44.0357167442,0.00173456837424,4.26023895104,0.122616509773,89.5779339625,0.00198196146425,6.37493074725 +0.28500000000000014,0.00023764621841,44.0357167442,0.000462059034537,4.26023895104,19.700138365,89.5779339625,0.00197055879032,6.37493074725 +0.29000000000000015,0.000493550598071,44.0357167442,0.00028067956066,4.26023895104,-0.112162774452,89.5779339625,0.00198072105478,6.37493074725 +0.29500000000000015,0.000822464916217,44.0357167442,0.000208933559662,4.26023895104,-0.0192211930105,89.5779339625,0.00201521644409,6.37493074725 +0.30000000000000016,0.00116169892401,44.0357167442,0.000171118821449,4.26023895104,-0.0053257961665,89.5779339625,0.00207807654646,6.37493074725 +0.30500000000000016,0.00155629676066,44.0357167442,0.000148324911653,4.26023895104,-0.00117886244913,89.5779339625,0.00217525091048,6.37493074725 +0.31000000000000016,0.0020436250356,44.0357167442,0.000133611868893,4.26023895104,0.000489612659742,89.5779339625,0.00231565489266,6.37493074725 +0.31500000000000017,0.00267369945956,44.0357167442,0.000123857659431,4.26023895104,0.00130280875937,89.5779339625,0.00251296636026,6.37493074725 +0.3200000000000002,0.00352482565735,44.0357167442,0.000117477508466,4.26023895104,0.00177496195624,89.5779339625,0.00278891875703,6.37493074725 +0.3250000000000002,0.00473050748682,44.0357167442,0.000113612883448,4.26023895104,0.0021113675454,89.5779339625,0.00317980679092,6.37493074725 +0.3300000000000002,0.00653681064575,44.0357167442,0.000111796354109,4.26023895104,0.00241562198867,89.5779339625,0.00375058898393,6.37493074725 +0.3350000000000002,0.00944099419118,44.0357167442,0.000111800971938,4.26023895104,0.00276359005011,89.5779339625,0.00462944472829,6.37493074725 +0.3400000000000002,0.0145776170637,44.0357167442,0.000113573416926,4.26023895104,0.00325296345912,89.5779339625,0.00610842452499,6.37493074725 +0.3450000000000002,0.0250252601294,44.0357167442,0.000117213412398,4.26023895104,0.00410752911143,89.5779339625,0.00902663680069,6.37493074725 +0.3500000000000002,0.0517716847166,44.0357167442,0.000122987924362,4.26023895104,0.00626092857003,89.5779339625,0.0171745788181,6.37493074725 +0.3550000000000002,0.160901321584,44.0357167442,0.000131384453022,4.26023895104,0.0367857434348,89.5779339625,0.144573548471,6.37493074725 +0.3600000000000002,2.71000601085,44.0357167442,0.000143225879407,4.26023895104,-0.00166587610837,89.5779339625,-0.0235836339062,6.37493074725 +0.3650000000000002,-0.621168188205,44.0357167442,0.000159904569424,4.26023895104,-0.00236685788718,89.5779339625,-0.0112173400401,6.37493074725 +0.3700000000000002,-0.101184406539,44.0357167442,0.00018388215854,4.26023895104,-0.0021544142614,89.5779339625,-0.00752485588267,6.37493074725 +0.3750000000000002,-0.0395445157335,44.0357167442,0.000219865709778,4.26023895104,-0.00187023013084,89.5779339625,-0.00576836367287,6.37493074725 +0.3800000000000002,-0.020731027085,44.0357167442,0.000278016443716,4.26023895104,-0.00158224125788,89.5779339625,-0.00475289220685,6.37493074725 +0.38500000000000023,-0.0124940531692,44.0357167442,0.000384919001233,4.26023895104,-0.00125940365609,89.5779339625,-0.0040989157843,6.37493074725 +0.39000000000000024,-0.00792622026028,44.0357167442,0.000638946067439,4.26023895104,-0.000805222891586,89.5779339625,-0.00364823941549,6.37493074725 +0.39500000000000024,-0.00367028294534,44.0357167442,0.00195379613823,4.26023895104,-0.000642488192155,89.5779339625,-0.00332327129511,6.37493074725 +0.40000000000000024,-0.00713198135694,44.0357167442,-0.00182237742406,4.26023895104,-0.00131297211674,89.5779339625,-0.0030815746583,6.37493074725 +0.40500000000000025,-0.00442217183681,44.0357167442,-0.000623365837177,4.26023895104,-0.00186121660434,89.5779339625,-0.00289807337854,6.37493074725 +0.41000000000000025,-0.00329145086517,44.0357167442,-0.000378356824786,4.26023895104,-0.00243197347686,89.5779339625,-0.00275709110425,6.37493074725 +0.41500000000000026,-0.0025350029359,44.0357167442,-0.000273627629424,4.26023895104,-0.00309011646196,89.5779339625,-0.00264842209179,6.37493074725 +0.42000000000000026,-0.00195762487678,44.0357167442,-0.000216008032518,4.26023895104,-0.00390088290922,89.5779339625,-0.0025652410408,6.37493074725 +0.42500000000000027,-0.00147553942647,44.0357167442,-0.000179884151406,4.26023895104,-0.00495392742002,89.5779339625,-0.00250292540711,6.37493074725 +0.43000000000000027,-0.00102970485609,44.0357167442,-0.000155370097544,4.26023895104,-0.00639142693966,89.5779339625,-0.00245836338218,6.37493074725 +0.4350000000000003,-0.000524377325876,44.0357167442,-0.000137847260035,4.26023895104,-0.00846098113898,89.5779339625,-0.00242953730591,6.37493074725 +0.4400000000000003,-0.000538920206172,44.0357167442,-0.000124872895722,4.26023895104,-0.0116341321439,89.5779339625,-0.00241527384152,6.37493074725 +0.4450000000000003,-0.00083332836303,44.0357167442,-0.000115037905335,4.26023895104,-0.0169104377955,89.5779339625,-0.00241510351775,6.37493074725 +0.4500000000000003,-0.000979990307551,44.0357167442,-0.000107476524761,4.26023895104,-0.0267384670864,89.5779339625,-0.00242920045163,6.37493074725 +0.4550000000000003,-0.00104034092623,44.0357167442,-0.000101631778891,4.26023895104,-0.0485577816502,89.5779339625,-0.00245839075619,6.37493074725 +0.4600000000000003,-0.00101105932075,44.0357167442,-9.7133762618e-05,4.26023895104,-0.115008653783,89.5779339625,-0.00250423197698,6.37493074725 +0.4650000000000003,-0.000835758543549,44.0357167442,-9.37324469875e-05,4.26023895104,-0.558814625608,89.5779339625,-0.00256918057227,6.37493074725 +0.4700000000000003,-0.000197511945031,44.0357167442,-9.12588907404e-05,4.26023895104,10.5622659818,89.5779339625,-0.0026568850777,6.37493074725 +0.4750000000000003,-0.00120658782902,44.0357167442,-8.96022798672e-05,4.26023895104,0.248409416677,89.5779339625,-0.00277267748798,6.37493074725 +0.4800000000000003,-0.00200560785636,44.0357167442,-8.86964203642e-05,4.26023895104,0.0696616165828,89.5779339625,-0.00292440131514,6.37493074725 +0.4850000000000003,-0.00293042744372,44.0357167442,-8.85123865531e-05,4.26023895104,0.030694566771,89.5779339625,-0.00312384969114,6.37493074725 +0.4900000000000003,-0.00351792539219,44.0357167442,-8.90557076899e-05,4.26023895104,0.0142117199018,89.5779339625,-0.00338938462777,6.37493074725 +0.49500000000000033,-0.00355039112854,44.0357167442,-9.06229094189e-05,4.26023895104,0.00873543121424,89.5779339625,-0.00358403899994,6.37493074725 diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_4.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_4.csv new file mode 100644 index 0000000000..ff1fa5330e --- /dev/null +++ b/tests/framework/PostProcessors/Validation/DSS/pp2_print_4.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,0.0429210774314,42.5042920116,-2.58763599149e-07,3.98721450795,-0.000120323536489,66.759187629,-0.000796863362781,4.48705711319 +0.005,0.0226746864051,42.5042920116,-1.88277487412e-07,3.98721450795,-0.000171892942393,66.759187629,-0.000929513052436,4.48705711319 +0.01,0.00948034831461,42.5042920116,-1.26220962855e-07,3.98721450795,-0.000229894838287,66.759187629,-0.00104518996265,4.48705711319 +0.015,0.00504745948265,42.5042920116,-1.00227636928e-07,3.98721450795,-0.000248962142634,66.759187629,-0.00114111342525,4.48705711319 +0.02,0.00324592787473,42.5042920116,-8.65928444463e-08,3.98721450795,-0.000227867826804,66.759187629,-0.00121943520563,4.48705711319 +0.025,0.00232993477961,42.5042920116,-7.86214709853e-08,3.98721450795,-0.00013402192684,66.759187629,-0.00128346585793,4.48705711319 +0.030000000000000002,0.00179391456704,42.5042920116,-7.36945495633e-08,3.98721450795,-0.000206415110238,66.759187629,-0.00133694718389,4.48705711319 +0.035,0.00144667287407,42.5042920116,-7.05830847373e-08,3.98721450795,-0.000362071372763,66.759187629,-0.00138362347067,4.48705711319 +0.04,0.00120207269493,42.5042920116,-6.86420609604e-08,3.98721450795,-0.000497803270943,66.759187629,-0.00142708439538,4.48705711319 +0.045,0.0010157437165,42.5042920116,-6.75098847705e-08,3.98721450795,-0.000625984327108,66.759187629,-0.00147081240357,4.48705711319 +0.049999999999999996,0.00086177528289,42.5042920116,-6.697888141e-08,3.98721450795,-0.000748350300887,66.759187629,-0.00151838382794,4.48705711319 +0.05499999999999999,0.000722507845852,42.5042920116,-6.69338177234e-08,3.98721450795,-0.000862542715507,66.759187629,-0.00157381653281,4.48705711319 +0.05999999999999999,0.000582561073969,42.5042920116,-6.73212386682e-08,3.98721450795,-0.000961349666028,66.759187629,-0.00164212091784,4.48705711319 +0.06499999999999999,0.0004211342774,42.5042920116,-6.81347083464e-08,3.98721450795,-0.00102838300159,66.759187629,-0.00173021828307,4.48705711319 +0.06999999999999999,0.000162786739969,42.5042920116,-6.94098178089e-08,3.98721450795,-0.00102677084006,66.759187629,-0.00184861620323,4.48705711319 +0.075,0.00034106477075,42.5042920116,-7.12269812792e-08,3.98721450795,-0.000868030128589,66.759187629,-0.0020147990761,4.48705711319 +0.08,0.0004972559862,42.5042920116,-7.37228333179e-08,3.98721450795,-0.00031283261033,66.759187629,-0.00226095887481,4.48705711319 +0.085,0.000593755539392,42.5042920116,-7.71142257423e-08,3.98721450795,0.00142469563485,66.759187629,-0.00265450907693,4.48705711319 +0.09000000000000001,0.000634568800506,42.5042920116,-8.17444706042e-08,3.98721450795,0.00794338166618,66.759187629,-0.00336571625527,4.48705711319 +0.09500000000000001,0.000585074665124,42.5042920116,-8.81740968284e-08,3.98721450795,0.052586474673,66.759187629,-0.00498758515964,4.48705711319 +0.10000000000000002,0.000270781852557,42.5042920116,-9.73708918137e-08,3.98721450795,38.7746264822,66.759187629,-0.0120120481056,4.48705711319 +0.10500000000000002,0.000757029486118,42.5042920116,-1.11149996745e-07,3.98721450795,0.0561008491517,66.759187629,0.016906922426,4.48705711319 +0.11000000000000003,0.00137201077802,42.5042920116,-1.33351571451e-07,3.98721450795,-0.00907661822362,66.759187629,0.00429969732494,4.48705711319 +0.11500000000000003,0.00208175711366,42.5042920116,-1.73752370979e-07,3.98721450795,-0.0058558890574,66.759187629,0.00224619323667,4.48705711319 +0.12000000000000004,0.00295502637821,42.5042920116,-2.6678180566e-07,3.98721450795,-0.00356580543577,66.759187629,0.00140964362005,4.48705711319 +0.12500000000000003,0.00405555745997,42.5042920116,-6.8208376736e-07,3.98721450795,-0.00218549740419,66.759187629,0.000955906724491,4.48705711319 +0.13000000000000003,0.00546829882086,42.5042920116,9.11716916966e-07,3.98721450795,-0.00131181090369,66.759187629,0.000668584961619,4.48705711319 +0.13500000000000004,0.00731272280983,42.5042920116,2.53882503244e-07,3.98721450795,-0.000741205705695,66.759187629,0.000465353123277,4.48705711319 +0.14000000000000004,0.00979233197895,42.5042920116,1.41770170644e-07,3.98721450795,-0.000370423952588,66.759187629,0.000306624514363,4.48705711319 +0.14500000000000005,0.0132679696351,42.5042920116,9.58209299766e-08,3.98721450795,-0.000141684029447,66.759187629,0.000169123601339,4.48705711319 +0.15000000000000005,0.0184599442821,42.5042920116,7.09598310371e-08,3.98721450795,-1.8189824464e-05,66.759187629,3.57011774437e-05,4.48705711319 +0.15500000000000005,0.027006076227,42.5042920116,5.53787665993e-08,3.98721450795,2.69263886216e-05,66.759187629,-0.000110071393958,4.48705711319 +0.16000000000000006,0.043396473075,42.5042920116,4.46007295061e-08,3.98721450795,1.5928461347e-05,66.759187629,-0.000288492400047,4.48705711319 +0.16500000000000006,0.0843617976709,42.5042920116,3.65315142319e-08,3.98721450795,-2.94908601559e-05,66.759187629,-0.000530187585482,4.48705711319 +0.17000000000000007,0.267437191886,42.5042920116,3.00400154852e-08,3.98721450795,-7.85844859953e-05,66.759187629,-0.000888878364737,4.48705711319 +0.17500000000000007,39.5995642727,42.5042920116,2.44435800989e-08,3.98721450795,-6.27524842825e-05,66.759187629,-0.00147282126673,4.48705711319 +0.18000000000000008,-0.23283495524,42.5042920116,1.92899105945e-08,3.98721450795,-0.000393031455422,66.759187629,-0.00254096674367,4.48705711319 +0.18500000000000008,-0.0377029647036,42.5042920116,1.42532665899e-08,3.98721450795,-0.00108059648222,66.759187629,-0.00490601136197,4.48705711319 +0.19000000000000009,-0.00971931953573,42.5042920116,9.07998394214e-09,3.98721450795,-0.00335193053527,66.759187629,-0.0131052537905,4.48705711319 +0.1950000000000001,-0.00194402012534,42.5042920116,3.55695341194e-09,3.98721450795,0.0288157080111,66.759187629,0.111119637429,4.48705711319 +0.2000000000000001,0.000789007424842,42.5042920116,-2.50881765595e-09,3.98721450795,0.00340489956191,66.759187629,0.0153398752177,4.48705711319 +0.2050000000000001,0.0018069467301,42.5042920116,-9.30551098934e-09,3.98721450795,0.000886249897845,66.759187629,0.00986487757469,4.48705711319 +0.2100000000000001,0.00213415233223,42.5042920116,-1.70301205364e-08,3.98721450795,0.00197434274466,66.759187629,0.00806219680965,4.48705711319 +0.2150000000000001,0.00215386971424,42.5042920116,-2.59028992996e-08,3.98721450795,0.00290357965995,66.759187629,0.00725423053019,4.48705711319 +0.2200000000000001,0.00202794684625,42.5042920116,-3.6185051716e-08,3.98721450795,0.00375669037958,66.759187629,0.00684304922233,4.48705711319 +0.22500000000000012,0.00182964836656,42.5042920116,-4.82026922119e-08,3.98721450795,0.00466691769981,66.759187629,0.00661376008556,4.48705711319 +0.23000000000000012,0.00159240713508,42.5042920116,-6.23815436944e-08,3.98721450795,0.0056899302253,66.759187629,0.00646782307292,4.48705711319 +0.23500000000000013,0.00132912495027,42.5042920116,-7.92997498631e-08,3.98721450795,0.00687479377827,66.759187629,0.00635446011184,4.48705711319 +0.24000000000000013,0.00103830732174,42.5042920116,-9.97718983184e-08,3.98721450795,0.00829023332622,66.759187629,0.00624755081057,4.48705711319 +0.24500000000000013,0.000695902939527,42.5042920116,-1.24989041547e-07,3.98721450795,0.0100518332475,66.759187629,0.00613577254167,4.48705711319 +0.2500000000000001,0.000101370151465,42.5042920116,-1.56764737434e-07,3.98721450795,0.012369599866,66.759187629,0.00601710796228,4.48705711319 +0.2550000000000001,0.000634366192399,42.5042920116,-1.97995682254e-07,3.98721450795,0.0156538682364,66.759187629,0.00589508561284,4.48705711319 +0.2600000000000001,0.00082781465752,42.5042920116,-2.53594408295e-07,3.98721450795,0.0207982301542,66.759187629,0.00577606148122,4.48705711319 +0.2650000000000001,0.000918695455897,42.5042920116,-3.32577490134e-07,3.98721450795,0.03011459243,66.759187629,0.00566738644425,4.48705711319 +0.27000000000000013,0.000922393059111,42.5042920116,-4.53417758407e-07,3.98721450795,0.0515980644232,66.759187629,0.00557635785787,4.48705711319 +0.27500000000000013,0.000810988865628,42.5042920116,-6.60714425601e-07,3.98721450795,0.135225219331,66.759187629,0.00550979895751,4.48705711319 +0.28000000000000014,0.000429693569777,42.5042920116,-1.09630466535e-06,3.98721450795,6.40304262548,66.759187629,0.00547408567939,4.48705711319 +0.28500000000000014,0.000836941171462,42.5042920116,-2.57998984252e-06,3.98721450795,-0.0676096373694,66.759187629,0.00547546782487,4.48705711319 +0.29000000000000015,0.00149558143108,42.5042920116,1.4219102203e-05,3.98721450795,0.00307629826549,66.759187629,0.00552058943328,4.48705711319 +0.29500000000000015,0.0021822027933,42.5042920116,2.13160505556e-06,3.98721450795,0.00891691456767,66.759187629,0.00561718127105,4.48705711319 +0.30000000000000016,0.00299665187208,42.5042920116,1.22797162496e-06,3.98721450795,0.00920720850351,66.759187629,0.00577497045255,4.48705711319 +0.30500000000000016,0.00401320233112,42.5042920116,9.00824709804e-07,3.98721450795,0.00865182782854,66.759187629,0.00600693866764,4.48705711319 +0.31000000000000016,0.00533813206754,42.5042920116,7.35608245292e-07,3.98721450795,0.00802948301508,66.759187629,0.00633119058333,4.48705711319 +0.31500000000000017,0.00713895234598,42.5042920116,6.391190097e-07,3.98721450795,0.0074994321322,66.759187629,0.00677393065121,4.48705711319 +0.3200000000000002,0.00970139430055,42.5042920116,5.78826939322e-07,3.98721450795,0.00708861919897,66.759187629,0.00737453216484,4.48705711319 +0.3250000000000002,0.0135511035394,42.5042920116,5.40573372057e-07,3.98721450795,0.00679369640653,66.759187629,0.00819477189801,4.48705711319 +0.3300000000000002,0.0197463011782,42.5042920116,5.17382815126e-07,3.98721450795,0.00660658399877,66.759187629,0.00933697928399,4.48705711319 +0.3350000000000002,0.0306862090327,42.5042920116,5.05628031261e-07,3.98721450795,0.00652090328567,66.759187629,0.0109831765145,4.48705711319 +0.3400000000000002,0.052812109418,42.5042920116,5.03497651392e-07,3.98721450795,0.00653080602865,66.759187629,0.013490399851,4.48705711319 +0.3450000000000002,0.108669379282,42.5042920116,5.10344625298e-07,3.98721450795,0.0066143683227,66.759187629,0.0176659657383,4.48705711319 +0.3500000000000002,0.327916981531,42.5042920116,5.26445243661e-07,3.98721450795,0.00661349469494,66.759187629,0.0258010135602,4.48705711319 +0.3550000000000002,4.28211784458,42.5042920116,5.53014421849e-07,3.98721450795,0.00428355613997,66.759187629,0.0479679116919,4.48705711319 +0.3600000000000002,-1.72737927465,42.5042920116,5.92469615203e-07,3.98721450795,0.0598805140848,66.759187629,0.320488445035,4.48705711319 +0.3650000000000002,-0.252385762398,42.5042920116,6.49066803354e-07,3.98721450795,-0.0178157238898,66.759187629,-0.0704216940179,4.48705711319 +0.3700000000000002,-0.0970498592263,42.5042920116,7.30268777375e-07,3.98721450795,-0.00912335434355,66.759187629,-0.0323414408996,4.48705711319 +0.3750000000000002,-0.0510997449507,42.5042920116,8.49823350608e-07,3.98721450795,-0.00607576940993,66.759187629,-0.0213324395113,4.48705711319 +0.3800000000000002,-0.0314679759659,42.5042920116,1.03550939194e-06,3.98721450795,-0.00418520580298,66.759187629,-0.0161446716253,4.48705711319 +0.38500000000000023,-0.0212652656032,42.5042920116,1.35240949531e-06,3.98721450795,-0.00246994248335,66.759187629,-0.0131564505625,4.48705711319 +0.39000000000000024,-0.0152626267732,42.5042920116,1.99597568289e-06,3.98721450795,-0.00154539191705,66.759187629,-0.0112348313784,4.48705711319 +0.39500000000000024,-0.0114072215996,42.5042920116,3.94244581426e-06,3.98721450795,-0.00316256442031,66.759187629,-0.00991158466035,4.48705711319 +0.40000000000000024,-0.0067360329184,42.5042920116,0.00198158465299,3.98721450795,-0.00423571471397,66.759187629,-0.00895835104381,4.48705711319 +0.40500000000000025,-0.00684823860276,42.5042920116,-3.91645782784e-06,3.98721450795,-0.00521943667849,66.759187629,-0.00825075885281,4.48705711319 +0.41000000000000025,-0.00537779227538,42.5042920116,-1.95743492122e-06,3.98721450795,-0.00625695264411,66.759187629,-0.00771556614524,4.48705711319 +0.41500000000000026,-0.00419484847639,42.5042920116,-1.31016463528e-06,3.98721450795,-0.00745057784587,66.759187629,-0.00730712797707,4.48705711319 +0.42000000000000026,-0.00318347032955,42.5042920116,-9.90279960958e-07,3.98721450795,-0.00891354299678,66.759187629,-0.00699583007917,4.48705711319 +0.42500000000000027,-0.00224227447456,42.5042920116,-8.01265222945e-07,3.98721450795,-0.0108057641842,66.759187629,-0.00676196303412,4.48705711319 +0.43000000000000027,-0.00119556732437,42.5042920116,-6.77696585071e-07,3.98721450795,-0.0133872541632,66.759187629,-0.00659229113583,4.48705711319 +0.4350000000000003,-0.00106997831016,42.5042920116,-5.91579834478e-07,3.98721450795,-0.0171283424976,66.759187629,-0.00647805623747,4.48705711319 +0.4400000000000003,-0.00172079794154,42.5042920116,-5.28953461569e-07,3.98721450795,-0.0229794936926,66.759187629,-0.00641379963993,4.48705711319 +0.4450000000000003,-0.00203410408163,42.5042920116,-4.82094359825e-07,3.98721450795,-0.0331536939865,66.759187629,-0.00639668695263,4.48705711319 +0.4500000000000003,-0.00216100873046,42.5042920116,-4.46402356048e-07,3.98721450795,-0.0539861420004,66.759187629,-0.00642617502383,4.48705711319 +0.4550000000000003,-0.00210363027754,42.5042920116,-4.18985889726e-07,3.98721450795,-0.111146945632,66.759187629,-0.00650394815919,4.48705711319 +0.4600000000000003,-0.00176105807225,42.5042920116,-3.97956738826e-07,3.98721450795,-0.429428331653,66.759187629,-0.00663411182462,4.48705711319 +0.4650000000000003,-0.000372612174265,42.5042920116,-3.82052477928e-07,3.98721450795,21.6477935554,66.759187629,-0.00682368905246,4.48705711319 +0.4700000000000003,-0.00233396934444,42.5042920116,-3.70423512373e-07,3.98721450795,0.167903604109,66.759187629,-0.00708353895997,4.48705711319 +0.4750000000000003,-0.00392265940012,42.5042920116,-3.62508888754e-07,3.98721450795,0.029815419391,66.759187629,-0.00742993924142,4.48705711319 +0.4800000000000003,-0.00572445365239,42.5042920116,-3.57963463503e-07,3.98721450795,0.00504778962659,66.759187629,-0.00788730678225,4.48705711319 +0.4850000000000003,-0.00795415100207,42.5042920116,-3.56617334839e-07,3.98721450795,-0.00283666412034,66.759187629,-0.00849301391408,4.48705711319 +0.4900000000000003,-0.0093486859661,42.5042920116,-3.58458029622e-07,3.98721450795,-0.00547953090847,66.759187629,-0.00930635054146,4.48705711319 +0.49500000000000033,-0.0092688521603,42.5042920116,-3.63243997867e-07,3.98721450795,-0.0052355779109,66.759187629,-0.00986663997715,4.48705711319 diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_5.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_5.csv new file mode 100644 index 0000000000..6ebce8d9c4 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/DSS/pp2_print_5.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,0.0596713136288,8.24785892678,0.00298335892525,1.48821899309,-0.000757996482247,88.6649849004,-0.00406841717664,10.0143918804 +0.005,0.0403887199817,8.24785892678,0.00171671719339,1.48821899309,-0.00107493516114,88.6649849004,-0.00488602335465,10.0143918804 +0.01,0.021457268462,8.24785892678,0.000975379420475,1.48821899309,-0.00141215541624,88.6649849004,-0.00564642650618,10.0143918804 +0.015,0.0127563458085,8.24785892678,0.000727419522316,1.48821899309,-0.00147908293,88.6649849004,-0.00629338354185,10.0143918804 +0.02,0.00872814053437,8.24785892678,0.000609364278666,1.48821899309,-0.00123396522493,88.6649849004,-0.00683550516393,10.0143918804 +0.025,0.00650963278358,8.24785892678,0.000544211823823,1.48821899309,-0.000589067651169,88.6649849004,-0.00729193620353,10.0143918804 +0.030000000000000002,0.00513558205016,8.24785892678,0.000505691997334,1.48821899309,-0.00194710576048,88.6649849004,-0.00768719897151,10.0143918804 +0.035,0.00420352750503,8.24785892678,0.000482460496942,1.48821899309,-0.00304922240933,88.6649849004,-0.00804796258607,10.0143918804 +0.04,0.00351884235798,8.24785892678,0.000468904545084,1.48821899309,-0.00419803017967,88.6649849004,-0.00840196492834,10.0143918804 +0.045,0.00297504601393,8.24785892678,0.000462034673272,1.48821899309,-0.00548201849669,88.6649849004,-0.00877888136346,10.0143918804 +0.049999999999999996,0.00250571822,8.24785892678,0.000460238192027,1.48821899309,-0.0069924432328,88.6649849004,-0.00921311644611,10.0143918804 +0.05499999999999999,0.00206093021495,8.24785892678,0.00046272484273,1.48821899309,-0.00886316536524,88.6649849004,-0.00974918165639,10.0143918804 +0.05999999999999999,0.00158871198812,8.24785892678,0.000469274912157,1.48821899309,-0.0113187216975,88.6649849004,-0.0104518013672,10.0143918804 +0.06499999999999999,0.000988371849631,8.24785892678,0.000480146618648,1.48821899309,-0.0147741561945,88.6649849004,-0.0114264825561,10.0143918804 +0.06999999999999999,0.000676215099715,8.24785892678,0.00049609536498,1.48821899309,-0.020084690738,88.6649849004,-0.0128667572569,10.0143918804 +0.075,0.00133455218979,8.24785892678,0.000518510317718,1.48821899309,-0.0292866271455,88.6649849004,-0.0151814075195,10.0143918804 +0.08,0.00171016539995,8.24785892678,0.000549728584591,1.48821899309,-0.0483906245799,88.6649849004,-0.0194249514852,10.0143918804 +0.085,0.00192742797663,8.24785892678,0.000593689238732,1.48821899309,-0.103111832075,88.6649849004,-0.0294376198302,10.0143918804 +0.09000000000000001,0.00195402838494,8.24785892678,0.000657345156865,1.48821899309,-0.471703756869,88.6649849004,-0.0791623868258,10.0143918804 +0.09500000000000001,0.00162516047845,8.24785892678,0.000754018281161,1.48821899309,1.43000657874,88.6649849004,0.0744809851547,10.0143918804 +0.10000000000000002,0.000923616725523,8.24785892678,0.00091266775343,1.48821899309,-0.571870902273,88.6649849004,0.0220317175692,10.0143918804 +0.10500000000000002,0.00292931472298,8.24785892678,0.00121018808551,1.48821899309,0.0288985355573,88.6649849004,0.0117726263778,10.0143918804 +0.11000000000000003,0.00501373470027,8.24785892678,0.00194053930215,1.48821899309,0.014109616023,88.6649849004,0.00742208599557,10.0143918804 +0.11500000000000003,0.00935304905678,8.24785892678,0.00622084422909,1.48821899309,0.0072327244666,88.6649849004,0.00501421121827,10.0143918804 +0.12000000000000004,0.00557777361093,8.24785892678,-0.00419647674731,1.48821899309,0.00402850056889,88.6649849004,0.0034655397324,10.0143918804 +0.12500000000000003,0.00979531259825,8.24785892678,-0.00146689800694,1.48821899309,0.00232548826702,88.6649849004,0.00235124503231,10.0143918804 +0.13000000000000003,0.0133606850495,8.24785892678,-0.000855532526256,1.48821899309,0.00127999798831,88.6649849004,0.00146085878973,10.0143918804 +0.13500000000000004,0.0174879599859,8.24785892678,-0.000588332333143,1.48821899309,0.000528773650119,88.6649849004,0.000664996972855,10.0143918804 +0.14000000000000004,0.0226368480777,8.24785892678,-0.000439190074375,1.48821899309,-0.000100807061824,88.6649849004,-0.000138609996942,10.0143918804 +0.14500000000000005,0.0294566671809,8.24785892678,-0.000343740532731,1.48821899309,-0.000698434803965,88.6649849004,-0.00105702932118,10.0143918804 +0.15000000000000005,0.0392098652043,8.24785892678,-0.00027648285387,1.48821899309,-0.00131574760004,88.6649849004,-0.00223431321915,10.0143918804 +0.15500000000000005,0.0547844237937,8.24785892678,-0.000225122804365,1.48821899309,-0.00198529921049,88.6649849004,-0.00390419938065,10.0143918804 +0.16000000000000006,0.0842651389076,8.24785892678,-0.000182853018662,1.48821899309,-0.00272108972718,88.6649849004,-0.00650638427369,10.0143918804 +0.16500000000000006,0.159580340992,8.24785892678,-0.000145469148075,1.48821899309,-0.00347548611167,88.6649849004,-0.0110061048826,10.0143918804 +0.17000000000000007,0.557091294957,8.24785892678,-0.000110121372337,1.48821899309,-0.00381481852366,88.6649849004,-0.0200364751739,10.0143918804 +0.17500000000000007,-12.1384242322,8.24785892678,-7.47089794775e-05,1.48821899309,-0.00515095255422,88.6649849004,-0.0442706127039,10.0143918804 +0.18000000000000008,-0.0941520654996,8.24785892678,-3.75546659388e-05,1.48821899309,-0.0515638711526,88.6649849004,-0.233327481272,10.0143918804 +0.18500000000000008,0.0018466895338,8.24785892678,2.79275341826e-06,1.48821899309,0.0333257910685,88.6649849004,0.126394256539,10.0143918804 +0.19000000000000009,0.0133909013309,8.24785892678,4.76982268389e-05,1.48821899309,0.0172005373907,88.6649849004,0.0625477836308,10.0143918804 +0.1950000000000001,0.0143676846347,8.24785892678,9.85617929314e-05,1.48821899309,0.0121238960739,88.6649849004,0.0468546843259,10.0143918804 +0.2000000000000001,0.0132454111181,8.24785892678,0.000156948474826,1.48821899309,0.00827846218308,88.6649849004,0.0400419738136,10.0143918804 +0.2050000000000001,0.0117267281422,8.24785892678,0.0002247530508,1.48821899309,0.00133580976173,88.6649849004,0.0362515822189,10.0143918804 +0.2100000000000001,0.0102332976647,8.24785892678,0.000304434305905,1.48821899309,0.00826207087629,88.6649849004,0.0337155746563,10.0143918804 +0.2150000000000001,0.00886570331014,8.24785892678,0.00039937447819,1.48821899309,0.0121255466836,88.6649849004,0.0317290507048,10.0143918804 +0.2200000000000001,0.00763179050478,8.24785892678,0.000514465319497,1.48821899309,0.0153977370759,88.6649849004,0.0299841819658,10.0143918804 +0.22500000000000012,0.00651080937819,8.24785892678,0.000657122258536,1.48821899309,0.0184644969169,88.6649849004,0.0283560491967,10.0143918804 +0.23000000000000012,0.00547180244936,8.24785892678,0.000839160330791,1.48821899309,0.0215190905751,88.6649849004,0.0268104540029,10.0143918804 +0.23500000000000013,0.00447528974898,8.24785892678,0.0010805523007,1.48821899309,0.0247442361023,88.6649849004,0.0253553383884,10.0143918804 +0.24000000000000013,0.00346065703489,8.24785892678,0.00141775096251,1.48821899309,0.0283731794415,88.6649849004,0.0240136424542,10.0143918804 +0.24500000000000013,0.00228209057012,8.24785892678,0.00192473674602,1.48821899309,0.0327444444255,88.6649849004,0.0228093281116,10.0143918804 +0.2500000000000001,0.000963759113803,8.24785892678,0.00277733359964,1.48821899309,0.0383976269936,88.6649849004,0.0217617348428,10.0143918804 +0.2550000000000001,0.00279843287944,8.24785892678,0.00451877901988,1.48821899309,0.0462869018341,88.6649849004,0.020884730362,10.0143918804 +0.2600000000000001,0.00488298519198,8.24785892678,0.0100623683817,1.48821899309,0.0583319673375,88.6649849004,0.0201882044552,10.0143918804 +0.2650000000000001,-0.0297041651768,8.24785892678,-0.11859949553,1.48821899309,0.0791368497688,88.6649849004,0.0196804580253,10.0143918804 +0.27000000000000013,-6.8287722189e-05,8.24785892678,-0.00961118985076,1.48821899309,0.123256380142,88.6649849004,0.019370816832,10.0143918804 +0.27500000000000013,0.0009351269037,8.24785892678,-0.00529731502892,1.48821899309,0.271026421874,88.6649849004,0.0192723176787,10.0143918804 +0.28000000000000014,0.00064468430119,8.24785892678,-0.00379500073563,1.48821899309,10.9596495355,88.6649849004,0.0194046465312,10.0143918804 +0.28500000000000014,0.00149933499259,8.24785892678,-0.00304127280144,1.48821899309,0.139037315517,88.6649849004,0.019797766401,10.0143918804 +0.29000000000000015,0.00279923531861,8.24785892678,-0.00259708281353,1.48821899309,0.0964728011067,88.6649849004,0.0204969877759,10.0143918804 +0.29500000000000015,0.00421500842565,8.24785892678,-0.00231253010197,1.48821899309,0.0718072142544,88.6649849004,0.021570783776,10.0143918804 +0.30000000000000016,0.00588709888809,8.24785892678,-0.00212285238844,1.48821899309,0.0585401547807,88.6649849004,0.0231237670441,10.0143918804 +0.30500000000000016,0.00796095808816,8.24785892678,-0.00199589698276,1.48821899309,0.0509454886095,88.6649849004,0.0253196873874,10.0143918804 +0.31000000000000016,0.0106456583905,8.24785892678,-0.00191434209572,1.48821899309,0.0466973452571,88.6649849004,0.0284250738279,10.0143918804 +0.31500000000000017,0.014274995554,8.24785892678,-0.00186856406525,1.48821899309,0.0448414265161,88.6649849004,0.0328990905541,10.0143918804 +0.3200000000000002,0.0194208518108,8.24785892678,-0.0018534577933,1.48821899309,0.0451499679176,88.6649849004,0.0395989671083,10.0143918804 +0.3250000000000002,0.0271369486365,8.24785892678,-0.00186696803183,1.48821899309,0.0480780970995,88.6649849004,0.0503216477519,10.0143918804 +0.3300000000000002,0.0395449317938,8.24785892678,-0.00190949210519,1.48821899309,0.0554233382163,88.6649849004,0.0695641047779,10.0143918804 +0.3350000000000002,0.0614484432964,8.24785892678,-0.00198384702554,1.48821899309,0.0738633465716,88.6649849004,0.112619304112,10.0143918804 +0.3400000000000002,0.105693083605,8.24785892678,-0.00209575938315,1.48821899309,0.150828252378,88.6649849004,0.286486021512,10.0143918804 +0.3450000000000002,0.216817117462,8.24785892678,-0.00225505892529,1.48821899309,-0.236469353326,88.6649849004,-0.587626440054,10.0143918804 +0.3500000000000002,0.644584303784,8.24785892678,-0.00247809975398,1.48821899309,-0.0414285202324,88.6649849004,-0.150910767825,10.0143918804 +0.3550000000000002,7.34492012252,8.24785892678,-0.00279269257058,1.48821899309,-0.00951481137276,88.6649849004,-0.089033708049,10.0143918804 +0.3600000000000002,-4.34288558843,8.24785892678,-0.00324886058394,1.48821899309,-0.0118899997706,88.6649849004,-0.0645816384117,10.0143918804 +0.3650000000000002,-0.597040173151,8.24785892678,-0.00394508723374,1.48821899309,-0.012976604334,88.6649849004,-0.0516337014989,10.0143918804 +0.3700000000000002,-0.236129459868,8.24785892678,-0.00510397224372,1.48821899309,-0.0121979687809,88.6649849004,-0.0437121248552,10.0143918804 +0.3750000000000002,-0.134268453419,8.24785892678,-0.00735494869215,1.48821899309,-0.010775383829,88.6649849004,-0.0384315095947,10.0143918804 +0.3800000000000002,-0.0999823476125,8.24785892678,-0.0134387140869,1.48821899309,-0.00885858383799,88.6649849004,-0.0347086528934,10.0143918804 +0.38500000000000023,-0.200080093136,8.24785892678,-0.0828345467557,1.48821899309,-0.00609499699586,88.6649849004,-0.0319814634776,10.0143918804 +0.39000000000000024,-0.00332456893692,8.24785892678,0.0198831111441,1.48821899309,-0.00299919074849,88.6649849004,-0.0299300713768,10.0143918804 +0.39500000000000024,-0.0139173823182,8.24785892678,0.00893055145572,1.48821899309,-0.00789639452663,88.6649849004,-0.0283599192504,10.0143918804 +0.40000000000000024,-0.0133567482408,8.24785892678,0.00580314890957,1.48821899309,-0.0112482581254,88.6649849004,-0.027146786368,10.0143918804 +0.40500000000000025,-0.011518636728,8.24785892678,0.00433379576915,1.48821899309,-0.0143798669505,88.6649849004,-0.0262086004685,10.0143918804 +0.41000000000000025,-0.00962369943993,8.24785892678,0.00348756344363,1.48821899309,-0.0176380464408,88.6649849004,-0.0254899867306,10.0143918804 +0.41500000000000026,-0.00786381952111,8.24785892678,0.00294256478533,1.48821899309,-0.0212625406972,88.6649849004,-0.024953353551,10.0143918804 +0.42000000000000026,-0.00621460160306,8.24785892678,0.00256618619707,1.48821899309,-0.0255097148848,88.6649849004,-0.0245735597875,10.0143918804 +0.42500000000000027,-0.00457043669825,8.24785892678,0.00229387323068,1.48821899309,-0.0307250939343,88.6649849004,-0.0243346685743,10.0143918804 +0.43000000000000027,-0.00266017914029,8.24785892678,0.00209050295774,1.48821899309,-0.0374407956532,88.6649849004,-0.0242280003004,10.0143918804 +0.4350000000000003,-0.00195939305634,8.24785892678,0.00193539386917,1.48821899309,-0.0465622681817,88.6649849004,-0.024251065837,10.0143918804 +0.4400000000000003,-0.0035237192344,8.24785892678,0.00181564315485,1.48821899309,-0.0597938849395,88.6649849004,-0.0244071712941,10.0143918804 +0.4450000000000003,-0.00433452513221,8.24785892678,0.00172285541782,1.48821899309,-0.0807750410009,88.6649849004,-0.024705624287,10.0143918804 +0.4500000000000003,-0.00475641828387,8.24785892678,0.00165141071447,1.48821899309,-0.118816511016,88.6649849004,-0.0251625879,10.0143918804 +0.4550000000000003,-0.00479440772918,8.24785892678,0.00159749364007,1.48821899309,-0.205973204895,88.6649849004,-0.0258027601299,10.0143918804 +0.4600000000000003,-0.00424613982034,8.24785892678,0.00155852659959,1.48821899309,-0.547182482662,88.6649849004,-0.0266622490973,10.0143918804 +0.4650000000000003,-0.00210285895465,8.24785892678,0.00153283231927,1.48821899309,-99.5260284787,88.6649849004,-0.0277933452369,10.0143918804 +0.4700000000000003,-0.00486975364646,8.24785892678,0.00151943582873,1.48821899309,0.0138994713427,88.6649849004,-0.0292725194292,10.0143918804 +0.4750000000000003,-0.00876296610878,8.24785892678,0.00151795932369,1.48821899309,-0.0904834186149,88.6649849004,-0.031214259646,10.0143918804 +0.4800000000000003,-0.0131742533757,8.24785892678,0.00152858754083,1.48821899309,-0.0864760848037,88.6649849004,-0.0337961836701,10.0143918804 +0.4850000000000003,-0.0186745982665,8.24785892678,0.00155209733618,1.48821899309,-0.0793497963282,88.6649849004,-0.0373076250711,10.0143918804 +0.4900000000000003,-0.0222788015269,8.24785892678,0.00158995920005,1.48821899309,-0.0661588985765,88.6649849004,-0.042251805549,10.0143918804 +0.49500000000000033,-0.0223598156224,8.24785892678,0.00163377442119,1.48821899309,-0.0536071163974,88.6649849004,-0.0457815800695,10.0143918804 diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_6.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_6.csv new file mode 100644 index 0000000000..9bd705e86a --- /dev/null +++ b/tests/framework/PostProcessors/Validation/DSS/pp2_print_6.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,-2.70350039542,17.0559298327,-0.340789791761,2.80203717842,0.000156598717836,10.6263294019,0.000259050984778,3.94675903436 +0.005,-0.145014026695,17.0559298327,-0.039757633263,2.80203717842,0.000241969968522,10.6263294019,0.000319658532634,3.94675903436 +0.01,-0.0184342248343,17.0559298327,-0.015265192276,2.80203717842,0.000354422913577,10.6263294019,0.000378452525131,3.94675903436 +0.015,-0.0054159793812,17.0559298327,-0.0101994156969,2.80203717842,0.000424392383677,10.6263294019,0.000429276704692,3.94675903436 +0.02,-0.00225945296386,17.0559298327,-0.00810998496426,2.80203717842,0.00043603625168,10.6263294019,0.000472183459763,3.94675903436 +0.025,-0.00105198298505,17.0559298327,-0.00702895799841,2.80203717842,0.000313733296765,10.6263294019,0.000508200333029,3.94675903436 +0.030000000000000002,-0.000435711422307,17.0559298327,-0.00640849065588,2.80203717842,0.000446231772485,10.6263294019,0.000538925073506,3.94675903436 +0.035,-5.38463247289e-05,17.0559298327,-0.00603628382787,2.80203717842,0.00094894046027,10.6263294019,0.000566218513968,3.94675903436 +0.04,0.000212177867169,17.0559298327,-0.00581376358424,2.80203717842,0.00154717277772,10.6263294019,0.000592049990332,3.94675903436 +0.045,0.00040626422662,17.0559298327,-0.00569012435036,2.80203717842,0.00233695353429,10.6263294019,0.000618491968159,3.94675903436 +0.049999999999999996,0.00054328998326,17.0559298327,-0.00563794815128,2.80203717842,0.00342526139257,10.6263294019,0.000647852891664,3.94675903436 +0.05499999999999999,0.000623791609674,17.0559298327,-0.00564286668971,2.80203717842,0.00497363209646,10.6263294019,0.000682969014109,3.94675903436 +0.05999999999999999,0.000637706405064,17.0559298327,-0.00569886521111,2.80203717842,0.0072474241277,10.6263294019,0.00072775138905,3.94675903436 +0.06499999999999999,0.000559013790756,17.0559298327,-0.00580626402911,2.80203717842,0.0107103866443,10.6263294019,0.000788255622604,3.94675903436 +0.06999999999999999,0.000287481451342,17.0559298327,-0.00597129971804,2.80203717842,0.016232269624,10.6263294019,0.000875002867617,3.94675903436 +0.075,0.000531376376373,17.0559298327,-0.00620707243262,2.80203717842,0.0256008956333,10.6263294019,0.00100877222422,3.94675903436 +0.08,0.000858935124234,17.0559298327,-0.00653625001633,2.80203717842,0.0429883048173,10.6263294019,0.00123811168698,3.94675903436 +0.085,0.00108204272058,17.0559298327,-0.00699682574799,2.80203717842,0.0801531454306,10.6263294019,0.00171063743241,3.94675903436 +0.09000000000000001,0.0011770657274,17.0559298327,-0.00765425421471,2.80203717842,0.182929008938,10.6263294019,0.00319418398349,3.94675903436 +0.09500000000000001,0.00106598461032,17.0559298327,-0.00862891977985,2.80203717842,0.0722659787062,10.6263294019,-0.0558632772073,3.94675903436 +0.10000000000000002,0.000567583320314,17.0559298327,-0.0101665437859,2.80203717842,19.4694915252,10.6263294019,-0.00236621812496,3.94675903436 +0.10500000000000002,0.000667520653281,17.0559298327,-0.0128563411379,2.80203717842,-1.38233592719,10.6263294019,-0.00108614061781,3.94675903436 +0.11000000000000003,-0.000209642723362,17.0559298327,-0.0185517134201,2.80203717842,-0.257274008061,10.6263294019,-0.000648733253403,3.94675903436 +0.11500000000000003,-0.00828452343367,17.0559298327,-0.0376870320832,2.80203717842,-0.0964666432242,10.6263294019,-0.000428477594825,3.94675903436 +0.12000000000000004,0.144707239827,17.0559298327,0.225504523191,2.80203717842,-0.0449010921327,10.6263294019,-0.000294927332069,3.94675903436 +0.12500000000000003,0.03526551275,17.0559298327,0.0256238274837,2.80203717842,-0.0222977585157,10.6263294019,-0.000203317850298,3.94675903436 +0.13000000000000003,0.0331703928247,17.0559298327,0.0129538127074,2.80203717842,-0.0107190798809,10.6263294019,-0.000133519351623,3.94675903436 +0.13500000000000004,0.0369186074587,17.0559298327,0.00841020326735,2.80203717842,-0.0043278080903,10.6263294019,-7.4325301277e-05,3.94675903436 +0.14000000000000004,0.0436136080195,17.0559298327,0.00608914584789,2.80203717842,-0.000736531455036,10.6263294019,-1.78827433674e-05,3.94675903436 +0.14500000000000005,0.0533321888769,17.0559298327,0.00468169339618,2.80203717842,0.00120879479541,10.6263294019,4.30261471329e-05,3.94675903436 +0.15000000000000005,0.0674116919862,17.0559298327,0.00372924865983,2.80203717842,0.00214420007139,10.6263294019,0.000117102174359,3.94675903436 +0.15500000000000005,0.0891968213127,17.0559298327,0.00302732767872,2.80203717842,0.00245434257718,10.6263294019,0.000217359782777,3.94675903436 +0.16000000000000006,0.127404954201,17.0559298327,0.00246903815056,2.80203717842,0.00238171352001,10.6263294019,0.000366651411219,3.94675903436 +0.16500000000000006,0.210920752682,17.0559298327,0.0019913857224,2.80203717842,0.00207262799839,10.6263294019,0.000611341259544,3.94675903436 +0.17000000000000007,0.498933262292,17.0559298327,0.00155338362272,2.80203717842,0.00158067306088,10.6263294019,0.0010637940542,3.94675903436 +0.17500000000000007,6.46878977584,17.0559298327,0.00112593710116,2.80203717842,0.000626655506181,10.6263294019,0.00208610786992,3.94675903436 +0.18000000000000008,-0.655111298002,17.0559298327,0.00068665319288,2.80203717842,0.00207238908005,10.6263294019,0.00585768478698,3.94675903436 +0.18500000000000008,-0.0317676366152,17.0559298327,0.000216876394806,2.80203717842,-0.00564972432766,10.6263294019,-0.0280610566834,3.94675903436 +0.19000000000000009,0.0154397403767,17.0559298327,-0.000300246989807,2.80203717842,-0.000127857177934,10.6263294019,-0.00579642972555,3.94675903436 +0.1950000000000001,0.0209405045381,17.0559298327,-0.000881279280905,2.80203717842,0.000417907653267,10.6263294019,-0.0038052598963,3.94675903436 +0.2000000000000001,0.0193113216303,17.0559298327,-0.00154394429753,2.80203717842,0.00054169521748,10.6263294019,-0.00309861301637,3.94675903436 +0.2050000000000001,0.0162762817161,17.0559298327,-0.00230882190973,2.80203717842,0.000386115804839,10.6263294019,-0.00274818216886,3.94675903436 +0.2100000000000001,0.013146090386,17.0559298327,-0.0032016225129,2.80203717842,0.000583485476929,10.6263294019,-0.00253594406895,3.94675903436 +0.2150000000000001,0.0102444666072,17.0559298327,-0.00425653424934,2.80203717842,0.00115971533675,10.6263294019,-0.00238349915694,3.94675903436 +0.2200000000000001,0.0076307381254,17.0559298327,-0.00552148255128,2.80203717842,0.00178861090912,10.6263294019,-0.00225711318374,3.94675903436 +0.22500000000000012,0.00529130629044,17.0559298327,-0.00706688289465,2.80203717842,0.00255513351549,10.6263294019,-0.00214199093714,3.94675903436 +0.23000000000000012,0.00319965272217,17.0559298327,-0.00900111114621,2.80203717842,0.0035360070843,10.6263294019,-0.00203267234587,3.94675903436 +0.23500000000000013,0.00134241754939,17.0559298327,-0.0114998194579,2.80203717842,0.00483543162566,10.6263294019,-0.00192838052285,3.94675903436 +0.24000000000000013,-0.000251759689033,17.0559298327,-0.0148664146913,2.80203717842,0.00661557445297,10.6263294019,-0.00183040889086,3.94675903436 +0.24500000000000013,-0.00142719330876,17.0559298327,-0.0196711386476,2.80203717842,0.00915138000249,10.6263294019,-0.00174065200117,3.94675903436 +0.2500000000000001,-0.00134156208403,17.0559298327,-0.0271215733256,2.80203717842,0.0129471305693,10.6263294019,-0.00166088128894,3.94675903436 +0.2550000000000001,-0.00454121171289,17.0559298327,-0.0402872724642,2.80203717842,0.0190149428371,10.6263294019,-0.00159249232021,3.94675903436 +0.2600000000000001,-0.0133176210049,17.0559298327,-0.0699107813472,2.80203717842,0.029638700964,10.6263294019,-0.00153651636415,3.94675903436 +0.2650000000000001,-0.0489126794165,17.0559298327,-0.198132500708,2.80203717842,0.0509039942947,10.6263294019,-0.00149375614947,3.94675903436 +0.27000000000000013,0.0886661204926,17.0559298327,0.318548206408,2.80203717842,0.103843483557,10.6263294019,-0.00146496712723,3.94675903436 +0.27500000000000013,0.0263483245148,17.0559298327,0.0962613977282,2.80203717842,0.30629385869,10.6263294019,-0.0014510519733,3.94675903436 +0.28000000000000014,0.0118768455379,17.0559298327,0.0595519445626,2.80203717842,3.52056808431,10.6263294019,-0.00145326716944,3.94675903436 +0.28500000000000014,0.00952071153643,17.0559298327,0.0446187950249,2.80203717842,-1.90127541356,10.6263294019,-0.0014734621324,3.94675903436 +0.29000000000000015,0.0165981439163,17.0559298327,0.0366451537582,2.80203717842,-0.25741702441,10.6263294019,-0.00151439176325,3.94675903436 +0.29500000000000015,0.0218944490705,17.0559298327,0.0317991936693,2.80203717842,-0.0973929163908,10.6263294019,-0.00158017290396,3.94675903436 +0.30000000000000016,0.0272600383624,17.0559298327,0.0286506533365,2.80203717842,-0.0511392440585,10.6263294019,-0.00167701078006,3.94675903436 +0.30500000000000016,0.0334048754438,17.0559298327,0.026549321246,2.80203717842,-0.0316914741449,10.6263294019,-0.00181443793749,3.94675903436 +0.31000000000000016,0.0409491507304,17.0559298327,0.0251625927794,2.80203717842,-0.0217606110383,10.6263294019,-0.00200757071178,3.94675903436 +0.31500000000000017,0.0506987399776,17.0559298327,0.0243090037022,2.80203717842,-0.0160644342904,10.6263294019,-0.0022815310887,3.94675903436 +0.3200000000000002,0.0639049918989,17.0559298327,0.0238888181343,2.80203717842,-0.0125604451552,10.6263294019,-0.00268092991158,3.94675903436 +0.3250000000000002,0.0827222651006,17.0559298327,0.0238525614576,2.80203717842,-0.0103452193036,10.6263294019,-0.00329276522819,3.94675903436 +0.3300000000000002,0.111217443509,17.0559298327,0.0241868439622,2.80203717842,-0.0090194313897,10.6263294019,-0.00431169634744,3.94675903436 +0.3350000000000002,0.157951357965,17.0559298327,0.0249096883531,2.80203717842,-0.00853773267382,10.6263294019,-0.00627995344153,3.94675903436 +0.3400000000000002,0.243821515825,17.0559298327,0.0260728598896,2.80203717842,-0.00967126758226,10.6263294019,-0.0114854974896,3.94675903436 +0.3450000000000002,0.432623370926,17.0559298327,0.0277718222232,2.80203717842,-0.0285605934433,10.6263294019,-0.059909034898,3.94675903436 +0.3500000000000002,1.01217938142,17.0559298327,0.0301673558062,2.80203717842,0.0044207317791,10.6263294019,0.0196764669438,3.94675903436 +0.3550000000000002,5.35107276081,17.0559298327,0.0335292350289,2.80203717842,0.000542683623389,10.6263294019,0.00872235955827,3.94675903436 +0.3600000000000002,-26.5029092581,17.0559298327,0.0383278895683,2.80203717842,4.58421200142e-05,10.6263294019,0.00574069816566,3.94675903436 +0.3650000000000002,-1.06714375597,17.0559298327,0.0454447649229,2.80203717842,-0.000276764471002,10.6263294019,0.00436502065231,3.94675903436 +0.3700000000000002,-0.194506526601,17.0559298327,0.0567256927075,2.80203717842,-0.000574211076725,10.6263294019,0.00358206498815,3.94675903436 +0.3750000000000002,0.0254547730141,17.0559298327,0.076768170879,2.80203717842,-0.000791036912911,10.6263294019,0.00308263480337,3.94675903436 +0.3800000000000002,0.165618826081,17.0559298327,0.121042578893,2.80203717842,-0.000903906892494,10.6263294019,0.00274064040645,3.94675903436 +0.38500000000000023,0.487709481509,17.0559298327,0.294288341458,2.80203717842,-0.00084907668413,10.6263294019,0.00249509373355,3.94675903436 +0.39000000000000024,-1.12196199264,17.0559298327,-0.66528169721,2.80203717842,-0.000221034645325,10.6263294019,0.00231295829839,3.94675903436 +0.39500000000000024,-0.252628102145,17.0559298327,-0.156643811924,2.80203717842,-0.00130640837399,10.6263294019,0.00217484705076,3.94675903436 +0.40000000000000024,-0.133578368846,17.0559298327,-0.0893616762474,2.80203717842,-0.00234046719873,10.6263294019,0.00206870052358,3.94675903436 +0.40500000000000025,-0.0854337532619,17.0559298327,-0.0629971127082,2.80203717842,-0.00360895144704,10.6263294019,0.0019866944264,3.94675903436 +0.41000000000000025,-0.0591443091825,17.0559298327,-0.0490442421112,2.80203717842,-0.00526974216938,10.6263294019,0.00192360550985,3.94675903436 +0.41500000000000026,-0.0423629480901,17.0559298327,-0.0404861292337,2.80203717842,-0.00752448453848,10.6263294019,0.00187589502334,3.94675903436 +0.42000000000000026,-0.0304148034619,17.0559298327,-0.0347579590522,2.80203717842,-0.0106834641405,10.6263294019,0.00184117128988,3.94675903436 +0.42500000000000027,-0.0209983700673,17.0559298327,-0.0307004950546,2.80203717842,-0.0152607917455,10.6263294019,0.0018178656399,3.94675903436 +0.43000000000000027,-0.0124410821025,17.0559298327,-0.0277141606588,2.80203717842,-0.0221631385471,10.6263294019,0.00180503625423,3.94675903436 +0.4350000000000003,-0.00454472183506,17.0559298327,-0.0254585416436,2.80203717842,-0.0331081849945,10.6263294019,0.00180225461043,3.94675903436 +0.4400000000000003,-0.0113462342608,17.0559298327,-0.0237268822941,2.80203717842,-0.0516606353503,10.6263294019,0.00180955095554,3.94675903436 +0.4450000000000003,-0.0138298611298,17.0559298327,-0.0223872489175,2.80203717842,-0.0861888254948,10.6263294019,0.00182740841981,3.94675903436 +0.4500000000000003,-0.0147636569806,17.0559298327,-0.0213524585446,2.80203717842,-0.160170496467,10.6263294019,0.00185680510665,3.94675903436 +0.4550000000000003,-0.0145048375723,17.0559298327,-0.0205636652308,2.80203717842,-0.361214248897,10.6263294019,0.00189931302641,3.94675903436 +0.4600000000000003,-0.0127605113913,17.0559298327,-0.0199809546106,2.80203717842,-1.25893602832,10.6263294019,0.00195727528241,3.94675903436 +0.4650000000000003,-0.00781052890179,17.0559298327,-0.019577787124,2.80203717842,-33.79425033,10.6263294019,0.00203410321329,3.94675903436 +0.4700000000000003,-0.0110367254087,17.0559298327,-0.0193377012923,2.80203717842,3.97807560743,10.6263294019,0.0021347723539,3.94675903436 +0.4750000000000003,-0.0207997247792,17.0559298327,-0.019252453686,2.80203717842,0.775432666046,10.6263294019,0.00226667000184,3.94675903436 +0.4800000000000003,-0.0308859094082,17.0559298327,-0.0193211792233,2.80203717842,0.331561439953,10.6263294019,0.00244110546413,3.94675903436 +0.4850000000000003,-0.0428180997344,17.0559298327,-0.0195504022636,2.80203717842,0.187403608889,10.6263294019,0.00267616096866,3.94675903436 +0.4900000000000003,-0.0497971047289,17.0559298327,-0.0199549168002,2.80203717842,0.107517874098,10.6263294019,0.00300249621271,3.94675903436 +0.49500000000000033,-0.0493790276505,17.0559298327,-0.0204597771465,2.80203717842,0.0736976764024,10.6263294019,0.00323485187901,3.94675903436 diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_7.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_7.csv new file mode 100644 index 0000000000..2c3822db75 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/DSS/pp2_print_7.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,-0.0306827499538,9.41582507018,-0.000557451122591,1.11278977424,3.23285962905e-05,26.7626230727,-3.97768207706e-05,3.11855839636 +0.005,0.902904316983,9.41582507018,-0.00112495449284,1.11278977424,0.00010752701866,26.7626230727,-5.11548404776e-05,3.11855839636 +0.01,0.0165880760891,9.41582507018,0.00114089926273,1.11278977424,0.000248267258665,26.7626230727,-6.30232498458e-05,3.11855839636 +0.015,0.00355786035287,9.41582507018,0.000421371820622,1.11278977424,0.00037315669509,26.7626230727,-7.38163161171e-05,3.11855839636 +0.02,0.00161337259969,9.41582507018,0.000278429812737,1.11278977424,0.000462015240706,26.7626230727,-8.33604223263e-05,3.11855839636 +0.025,0.000954019394913,9.41582507018,0.000219869626604,1.11278977424,0.00050508386182,26.7626230727,-9.16902895052e-05,3.11855839636 +0.030000000000000002,0.000647812985872,9.41582507018,0.000189606326064,1.11278977424,0.000455791762794,26.7626230727,-9.90026468141e-05,3.11855839636 +0.035,0.000477958125948,9.41582507018,0.000172252706692,1.11278977424,0.000198308747405,26.7626230727,-0.000105602575883,3.11855839636 +0.04,0.000371801216637,9.41582507018,0.000161899497952,1.11278977424,0.000838707484391,26.7626230727,-0.00011186527912,3.11855839636 +0.045,0.000299200174921,9.41582507018,0.000155826972898,1.11278977424,0.00148760310243,26.7626230727,-0.000118224378687,3.11855839636 +0.049999999999999996,0.00024567597282,9.41582507018,0.00015265197448,1.11278977424,0.00232839457664,26.7626230727,-0.000125192300053,3.11855839636 +0.05499999999999999,0.000203411544118,9.41582507018,0.000151649095753,1.11278977424,0.00347283925572,26.7626230727,-0.000133422167594,3.11855839636 +0.05999999999999999,0.000167662679905,9.41582507018,0.000152467686434,1.11278977424,0.0050734926912,26.7626230727,-0.000143837878484,3.11855839636 +0.06499999999999999,0.00013503915901,9.41582507018,0.000155009611959,1.11278977424,0.0073667798554,26.7626230727,-0.000157905145923,3.11855839636 +0.06999999999999999,0.000102261567593,9.41582507018,0.000159387238238,1.11278977424,0.0107427641775,26.7626230727,-0.000178249677159,3.11855839636 +0.075,6.34386960977e-05,9.41582507018,0.000165936730283,1.11278977424,0.0158853299862,26.7626230727,-0.000210289020811,3.11855839636 +0.08,3.87347745242e-05,9.41582507018,0.000175291467633,1.11278977424,0.0240843846341,26.7626230727,-0.000267577213734,3.11855839636 +0.085,7.96192871896e-05,9.41582507018,0.000188552920371,1.11278977424,0.0379986911922,26.7626230727,-0.000396822094901,3.11855839636 +0.09000000000000001,0.000102571823978,9.41582507018,0.000207663091006,1.11278977424,0.0633224473537,26.7626230727,-0.000941630522183,3.11855839636 +0.09500000000000001,0.000117554274876,9.41582507018,0.000236268340775,1.11278977424,0.132404684301,26.7626230727,0.00145531495952,3.11855839636 +0.10000000000000002,0.000124487282285,9.41582507018,0.000281996779682,1.11278977424,0.31503518025,26.7626230727,0.00035834387222,3.11855839636 +0.10500000000000002,0.000115287091373,9.41582507018,0.000363808896115,1.11278977424,1.59083348437,26.7626230727,0.000187508432009,3.11855839636 +0.11000000000000003,5.1909021237e-05,9.41582507018,0.000545316634447,1.11278977424,-21.3048443491,26.7626230727,0.00011851795602,3.11855839636 +0.11500000000000003,0.000386518403935,9.41582507018,0.00125410530737,1.11278977424,-0.591950911494,26.7626230727,8.12900326612e-05,3.11855839636 +0.12000000000000004,-0.000946482736945,9.41582507018,-0.00276479865149,1.11278977424,-0.155048626235,26.7626230727,5.78629181494e-05,3.11855839636 +0.12500000000000003,-0.000151746541504,9.41582507018,-0.000609212147903,1.11278977424,-0.0601471585328,26.7626230727,4.14666739701e-05,3.11855839636 +0.13000000000000003,-1.03877529358e-06,9.41582507018,-0.000329213157915,1.11278977424,-0.0260683220409,26.7626230727,2.88946006248e-05,3.11855839636 +0.13500000000000004,9.63870452114e-05,9.41582507018,-0.000220024971557,1.11278977424,-0.0108509351514,26.7626230727,1.83209482826e-05,3.11855839636 +0.14000000000000004,0.000184289435455,9.41582507018,-0.000162298633374,1.11278977424,-0.0033447046694,26.7626230727,8.4824235061e-06,3.11855839636 +0.14500000000000005,0.000276411572646,9.41582507018,-0.000126689798503,1.11278977424,0.000448179571599,26.7626230727,-1.72192077198e-06,3.11855839636 +0.15000000000000005,0.000382498002631,9.41582507018,-0.000102428122283,1.11278977424,0.00226833569207,26.7626230727,-1.3516459439e-05,3.11855839636 +0.15500000000000005,0.00051526527586,9.41582507018,-8.45888151489e-05,1.11278977424,0.00298490713824,26.7626230727,-2.85792378502e-05,3.11855839636 +0.16000000000000006,0.000697535958197,9.41582507018,-7.05645801842e-05,1.11278977424,0.00307385503078,26.7626230727,-4.96035508974e-05,3.11855839636 +0.16500000000000006,0.000978872252848,9.41582507018,-5.88136820266e-05,1.11278977424,0.00280852300668,26.7626230727,-8.15087433565e-05,3.11855839636 +0.17000000000000007,0.0014913130025,9.41582507018,-4.83371586243e-05,1.11278977424,0.00234462818666,26.7626230727,-0.000134580255489,3.11855839636 +0.17500000000000007,0.00272017373639,9.41582507018,-3.84330408682e-05,1.11278977424,0.00175903250862,26.7626230727,-0.000234611481383,3.11855839636 +0.18000000000000008,0.00820538933534,9.41582507018,-2.85693413718e-05,1.11278977424,0.0010499187463,26.7626230727,-0.000469253336785,3.11855839636 +0.18500000000000008,-10.6977065865,9.41582507018,-1.83127323453e-05,1.11278977424,0.000377467807423,26.7626230727,-0.00144334631206,3.11855839636 +0.19000000000000009,-0.00181876954186,9.41582507018,-7.28520083071e-06,1.11278977424,0.00198829432899,26.7626230727,0.00380352835494,3.11855839636 +0.1950000000000001,0.000298016909274,9.41582507018,4.86442780661e-06,1.11278977424,0.00172315240834,26.7626230727,0.00114095531263,3.11855839636 +0.2000000000000001,0.000484613282186,9.41582507018,1.84806778369e-05,1.11278977424,0.00173198505852,26.7626230727,0.000802430356588,3.11855839636 +0.2050000000000001,0.000478409389526,9.41582507018,3.39168035716e-05,1.11278977424,0.00164113577386,26.7626230727,0.000692843913681,3.11855839636 +0.2100000000000001,0.000443143571947,9.41582507018,5.15473038338e-05,1.11278977424,0.00137529101676,26.7626230727,0.000657905411826,3.11855839636 +0.2150000000000001,0.000406683877593,9.41582507018,7.17787175624e-05,1.11278977424,0.000633598181294,26.7626230727,0.000660244626901,3.11855839636 +0.2200000000000001,0.000374086409908,9.41582507018,9.50594242387e-05,1.11278977424,0.00145154624477,26.7626230727,0.000687097357742,3.11855839636 +0.22500000000000012,0.000345348559774,9.41582507018,0.000121888944865,1.11278977424,0.0024919919182,26.7626230727,0.000733691388974,3.11855839636 +0.23000000000000012,0.000319182009349,9.41582507018,0.000152827124769,1.11278977424,0.00359454513161,26.7626230727,0.000798644650834,3.11855839636 +0.23500000000000013,0.000293887601063,9.41582507018,0.000188503543319,1.11278977424,0.00490517967202,26.7626230727,0.000882352195968,3.11855839636 +0.24000000000000013,0.000267455857994,9.41582507018,0.000229627527076,1.11278977424,0.0065590112144,26.7626230727,0.000986327669379,3.11855839636 +0.24500000000000013,0.000237319510863,9.41582507018,0.000276999245557,1.11278977424,0.0087409751708,26.7626230727,0.00111289297195,3.11855839636 +0.2500000000000001,0.000199579114608,9.41582507018,0.000331522555985,1.11278977424,0.0117404008389,26.7626230727,0.00126498847598,3.11855839636 +0.2550000000000001,0.000146057429909,9.41582507018,0.000394220556496,1.11278977424,0.0160477113723,26.7626230727,0.00144599092204,3.11855839636 +0.2600000000000001,1.90837157492e-05,9.41582507018,0.000466255236193,1.11278977424,0.0225605981899,26.7626230727,0.00165945967176,3.11855839636 +0.2650000000000001,0.000151737370652,9.41582507018,0.000548953216518,1.11278977424,0.0330806750009,26.7626230727,0.00190873844014,3.11855839636 +0.27000000000000013,0.000218700149796,9.41582507018,0.000643840421163,1.11278977424,0.0516929209211,26.7626230727,0.00219634308257,3.11855839636 +0.27500000000000013,0.0002670189776,9.41582507018,0.00075268968204,1.11278977424,0.0894273854518,26.7626230727,0.00252308720763,3.11855839636 +0.28000000000000014,0.000295840969064,9.41582507018,0.000877586934222,1.11278977424,0.185555738772,26.7626230727,0.002886961159,3.11855839636 +0.28500000000000014,0.00029146395723,9.41582507018,0.00102102402236,1.11278977424,0.577167840156,26.7626230727,0.00328190958063,3.11855839636 +0.29000000000000015,0.000204925986361,9.41582507018,0.00118602966583,1.11278977424,10.2487352137,26.7626230727,0.00369684641987,3.11855839636 +0.29500000000000015,0.000284536483274,9.41582507018,0.00137635556721,1.11278977424,-1.99347013948,26.7626230727,0.00411543626571,3.11855839636 +0.30000000000000016,0.000596911791929,9.41582507018,0.00159674334825,1.11278977424,-0.320959386856,26.7626230727,0.0045171998707,3.11855839636 +0.30500000000000016,0.000957747446753,9.41582507018,0.00185331241199,1.11278977424,-0.120733662553,26.7626230727,0.00488018580299,3.11855839636 +0.31000000000000016,0.00141891567545,9.41582507018,0.00215413353736,1.11278977424,-0.0605269635727,26.7626230727,0.0051847701627,3.11855839636 +0.31500000000000017,0.00203066329996,9.41582507018,0.00251009686648,1.11278977424,-0.0350851626381,26.7626230727,0.00541742730367,3.11855839636 +0.3200000000000002,0.0028638633866,9.41582507018,0.00293626382708,1.11278977424,-0.0222276102019,26.7626230727,0.00557310011959,3.11855839636 +0.3250000000000002,0.00402927490083,9.41582507018,0.00345404844976,1.11278977424,-0.0149751184191,26.7626230727,0.00565536595129,3.11855839636 +0.3300000000000002,0.00571119111095,9.41582507018,0.00409489024731,1.11278977424,-0.0105625631986,26.7626230727,0.00567460221727,3.11855839636 +0.3350000000000002,0.00823605774456,9.41582507018,0.00490676581009,1.11278977424,-0.0077153027945,26.7626230727,0.00564512067525,3.11855839636 +0.3400000000000002,0.0122271018125,9.41582507018,0.00596648538713,1.11278977424,-0.00577991464454,26.7626230727,0.00558235862682,3.11855839636 +0.3450000000000002,0.018995346848,9.41582507018,0.00740482498323,1.11278977424,-0.00439394557158,26.7626230727,0.00550082435537,3.11855839636 +0.3500000000000002,0.0316929901205,9.41582507018,0.00946343340245,1.11278977424,-0.00334234235238,26.7626230727,0.00541298554899,3.11855839636 +0.3550000000000002,0.0595709626355,9.41582507018,0.0126429144169,1.11278977424,-0.0024863447892,26.7626230727,0.00532894549572,3.11855839636 +0.3600000000000002,0.140776212592,9.41582507018,0.0181746074932,1.11278977424,-0.00171772464755,26.7626230727,0.00525663011472,3.11855839636 +0.3650000000000002,0.626854978843,9.41582507018,0.0301146631651,1.11278977424,-0.000873774219684,26.7626230727,0.00520223492173,3.11855839636 +0.3700000000000002,2.05044640812,9.41582507018,0.0743055194479,1.11278977424,-0.000868952684127,26.7626230727,0.005170763208,3.11855839636 +0.3750000000000002,-1.967788632,9.41582507018,-0.228642820892,1.11278977424,-0.0013411350317,26.7626230727,0.00516656840981,3.11855839636 +0.3800000000000002,-0.245003908081,9.41582507018,-0.0490085283738,1.11278977424,-0.0015658039418,26.7626230727,0.00519387448625,3.11855839636 +0.38500000000000023,-0.100123174825,9.41582507018,-0.0287984424702,1.11278977424,-0.00164975224519,26.7626230727,0.00525728862216,3.11855839636 +0.39000000000000024,-0.05542537026,9.41582507018,-0.021097130417,1.11278977424,-0.0015957477508,26.7626230727,0.00536234935958,3.11855839636 +0.39500000000000024,-0.0355326760753,9.41582507018,-0.0170989701414,1.11278977424,-0.00133583190046,26.7626230727,0.00551618120264,3.11855839636 +0.40000000000000024,-0.0248271759234,9.41582507018,-0.0147030530606,1.11278977424,-0.000431356964331,26.7626230727,0.00572836665979,3.11855839636 +0.40500000000000025,-0.0183315366917,9.41582507018,-0.0131542795141,1.11278977424,-0.00163124640358,26.7626230727,0.00601221751251,3.11855839636 +0.41000000000000025,-0.014039428773,9.41582507018,-0.0121164464296,1.11278977424,-0.00272489168365,26.7626230727,0.00638676433496,3.11855839636 +0.41500000000000026,-0.0110075021854,9.41582507018,-0.0114192283556,1.11278977424,-0.00389707823712,26.7626230727,0.00688006422458,3.11855839636 +0.42000000000000026,-0.00873844218418,9.41582507018,-0.010969436566,1.11278977424,-0.00526257780172,26.7626230727,0.00753503682461,3.11855839636 +0.42500000000000027,-0.00694247493037,9.41582507018,-0.010714530666,1.11278977424,-0.0069092473011,26.7626230727,0.0084204650592,3.11855839636 +0.43000000000000027,-0.00542968459402,9.41582507018,-0.0106260431118,1.11278977424,-0.008919334962,26.7626230727,0.00965345784477,3.11855839636 +0.4350000000000003,-0.00404685483649,9.41582507018,-0.0106917823832,1.11278977424,-0.011334640699,26.7626230727,0.0114502689769,3.11855839636 +0.4400000000000003,-0.00259270956285,9.41582507018,-0.0109125570054,1.11278977424,-0.0139824921564,26.7626230727,0.0142583859854,3.11855839636 +0.4450000000000003,-0.000869341591331,9.41582507018,-0.0113018241527,1.11278977424,-0.015685422106,26.7626230727,0.0191766301145,3.11855839636 +0.4500000000000003,-0.00261042853509,9.41582507018,-0.0118880026411,1.11278977424,-0.00976379372345,26.7626230727,0.029814143336,3.11855839636 +0.4550000000000003,-0.00344428825304,9.41582507018,-0.0127202913723,1.11278977424,0.0637181974297,26.7626230727,0.0689859651338,3.11855839636 +0.4600000000000003,-0.00399788704279,9.41582507018,-0.0138804842168,1.11278977424,-0.874835797642,26.7626230727,-0.208169930301,3.11855839636 +0.4650000000000003,-0.004330498936,9.41582507018,-0.0155068429663,1.11278977424,-0.593560492947,26.7626230727,-0.041378998195,3.11855839636 +0.4700000000000003,-0.00431577516571,9.41582507018,-0.0178454317953,1.11278977424,-1.42955754325,26.7626230727,-0.023041078054,3.11855839636 +0.4750000000000003,-0.00329586376578,9.41582507018,-0.0213728514744,1.11278977424,-19.2990481855,26.7626230727,-0.0160481184739,3.11855839636 +0.4800000000000003,-0.00451029883553,9.41582507018,-0.0271394764463,1.11278977424,5.44897180868,26.7626230727,-0.0123897802269,3.11855839636 +0.4850000000000003,-0.0119025242749,9.41582507018,-0.0379906792011,1.11278977424,0.826637403068,26.7626230727,-0.0101614164409,3.11855839636 +0.4900000000000003,-0.0244749095371,9.41582507018,-0.0652289208328,1.11278977424,0.278172048151,26.7626230727,-0.00867817231596,3.11855839636 +0.49500000000000033,-0.0382687518741,9.41582507018,-0.102746733456,1.11278977424,0.159666457462,26.7626230727,-0.00810965884763,3.11855839636 diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_8.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_8.csv new file mode 100644 index 0000000000..6fceed1c6f --- /dev/null +++ b/tests/framework/PostProcessors/Validation/DSS/pp2_print_8.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,0.0766179352583,17.382257437,0.000755459814065,3.04157746282,-0.0140341780609,44.7642229618,-0.0667114589931,5.49765965736 +0.005,0.0634762364734,17.382257437,-2.37886667141e-07,3.04157746282,-0.0198530934049,44.7642229618,-0.0836126007673,5.49765965736 +0.01,0.0427570295443,17.382257437,-8.45402657216e-08,3.04157746282,-0.0252939453424,44.7642229618,-0.100349963348,5.49765965736 +0.015,0.0286018652395,17.382257437,-5.57957133201e-08,3.04157746282,-0.0243388730404,44.7642229618,-0.115046986624,5.49765965736 +0.02,0.0210236449805,17.382257437,-4.42667142247e-08,3.04157746282,-0.0129984415582,44.7642229618,-0.127728188461,5.49765965736 +0.025,0.0164575281605,17.382257437,-3.84227771502e-08,3.04157746282,-0.0283035069215,44.7642229618,-0.13872547446,5.49765965736 +0.030000000000000002,0.0134418131959,17.382257437,-3.51517091895e-08,3.04157746282,-0.0502366951236,44.7642229618,-0.148567035324,5.49765965736 +0.035,0.0112825784351,17.382257437,-3.32697900065e-08,3.04157746282,-0.0728063028921,44.7642229618,-0.157900812851,5.49765965736 +0.04,0.00960829455293,17.382257437,-3.22378490597e-08,3.04157746282,-0.0981902030458,44.7642229618,-0.167475585491,5.49765965736 +0.045,0.00819416765048,17.382257437,-3.17868308301e-08,3.04157746282,-0.128379738659,44.7642229618,-0.178190252587,5.49765965736 +0.049999999999999996,0.00688019091495,17.382257437,-3.17820325634e-08,3.04157746282,-0.166340299881,44.7642229618,-0.191234386736,5.49765965736 +0.05499999999999999,0.00551759426795,17.382257437,-3.2167767044e-08,3.04157746282,-0.217201578683,44.7642229618,-0.208392722618,5.49765965736 +0.05999999999999999,0.00388240844208,17.382257437,-3.29453857917e-08,3.04157746282,-0.290804374855,44.7642229618,-0.232728462736,5.49765965736 +0.06499999999999999,0.000718467776938,17.382257437,-3.41694417397e-08,3.04157746282,-0.408478140868,44.7642229618,-0.270329968835,5.49765965736 +0.06999999999999999,0.00365483905979,17.382257437,-3.5959154201e-08,3.04157746282,-0.625213421512,44.7642229618,-0.33577072639,5.49765965736 +0.075,0.00510229819122,17.382257437,-3.85312409052e-08,3.04157746282,-1.12948805066,44.7642229618,-0.475684829117,5.49765965736 +0.08,0.00601119925538,17.382257437,-4.22748563649e-08,3.04157746282,-3.11685857128,44.7642229618,-0.967966986377,5.49765965736 +0.085,0.00640846745449,17.382257437,-4.79284952287e-08,3.04157746282,17.7930104612,44.7642229618,3.61274599878,5.49765965736 +0.09000000000000001,0.00604375957229,17.382257437,-5.70523913778e-08,3.04157746282,5.35189434669,44.7642229618,0.529095850456,5.49765965736 +0.09500000000000001,0.00398213815592,17.382257437,-7.35780664916e-08,3.04157746282,24.8146650348,44.7642229618,0.25674482114,5.49765965736 +0.10000000000000002,0.00553682685252,17.382257437,-1.11032838583e-07,3.04157746282,0.258751826313,44.7642229618,0.155549851088,5.49765965736 +0.10500000000000002,0.0107953176057,17.382257437,-2.67586197346e-07,3.04157746282,0.327998619471,44.7642229618,0.102750899158,5.49765965736 +0.11000000000000003,0.0161203828179,17.382257437,4.46800910848e-07,3.04157746282,0.170078372383,44.7642229618,0.0699664304609,5.49765965736 +0.11500000000000003,0.0220007957478,17.382257437,1.12042588921e-07,3.04157746282,0.0904048618576,44.7642229618,0.0469550141142,5.49765965736 +0.12000000000000004,0.0286209377741,17.382257437,6.12730188443e-08,3.04157746282,0.0460652867323,44.7642229618,0.0289153741263,5.49765965736 +0.12500000000000003,0.0361246921327,17.382257437,4.09369377937e-08,3.04157746282,0.0176903531448,44.7642229618,0.0130230763885,5.49765965736 +0.13000000000000003,0.0446985036227,17.382257437,3.0037208598e-08,3.04157746282,-0.00338956638442,44.7642229618,-0.00287654390044,5.49765965736 +0.13500000000000004,0.0546533591936,17.382257437,2.32262928677e-08,3.04157746282,-0.021594472442,44.7642229618,-0.0209917021408,5.49765965736 +0.14000000000000004,0.0665529540417,17.382257437,1.85015539036e-08,3.04157746282,-0.0396630593666,44.7642229618,-0.0442792801278,5.49765965736 +0.14500000000000005,0.0814554862728,17.382257437,1.49305409444e-08,3.04157746282,-0.0598781249142,44.7642229618,-0.0775699273158,5.49765965736 +0.15000000000000005,0.101450488483,17.382257437,1.2008965536e-08,3.04157746282,-0.0849733064531,44.7642229618,-0.130080889287,5.49765965736 +0.15500000000000005,0.131087691699,17.382257437,9.43049458666e-09,3.04157746282,-0.119536030406,44.7642229618,-0.222508547462,5.49765965736 +0.16000000000000006,0.182186827663,17.382257437,6.98998015508e-09,3.04157746282,-0.174241341616,44.7642229618,-0.413591494153,5.49765965736 +0.16500000000000006,0.297507195561,17.382257437,4.53756308295e-09,3.04157746282,-0.289227085144,44.7642229618,-0.963642202773,5.49765965736 +0.17000000000000007,0.837797414979,17.382257437,1.95431528909e-09,3.04157746282,-1.32413875409,44.7642229618,-8.63679459601,5.49765965736 +0.17500000000000007,0.837676472005,17.382257437,-8.62578290917e-10,3.04157746282,0.314543654714,44.7642229618,1.99844153162,5.49765965736 +0.18000000000000008,0.279293962,17.382257437,-4.01072931105e-09,3.04157746282,0.260293294945,44.7642229618,1.09238186369,5.49765965736 +0.18500000000000008,0.161040950522,17.382257437,-7.59274667908e-09,3.04157746282,0.225977459461,44.7642229618,0.831034650158,5.49765965736 +0.19000000000000009,0.110044322648,17.382257437,-1.17281972013e-08,3.04157746282,0.195962237397,44.7642229618,0.706011058762,5.49765965736 +0.1950000000000001,0.0815169701597,17.382257437,-1.65701065808e-08,3.04157746282,0.161632599019,44.7642229618,0.628518845663,5.49765965736 +0.2000000000000001,0.0632046975998,17.382257437,-2.2330243826e-08,3.04157746282,0.114874416572,44.7642229618,0.57093222884,5.49765965736 +0.2050000000000001,0.0503844703786,17.382257437,-2.93209701027e-08,3.04157746282,0.0208004483174,44.7642229618,0.522711837371,5.49765965736 +0.2100000000000001,0.0408436777528,17.382257437,-3.80296619088e-08,3.04157746282,0.120357523115,44.7642229618,0.479778351864,5.49765965736 +0.2150000000000001,0.0334026737013,17.382257437,-4.92619406658e-08,3.04157746282,0.16959777707,44.7642229618,0.440788804413,5.49765965736 +0.2200000000000001,0.0273695701411,17.382257437,-6.44446399277e-08,3.04157746282,0.20824181058,44.7642229618,0.405497198787,5.49765965736 +0.22500000000000012,0.0223047163346,17.382257437,-8.63485530164e-08,3.04157746282,0.242484086328,44.7642229618,0.373985814301,5.49765965736 +0.23000000000000012,0.0179041859402,17.382257437,-1.2112045367e-07,3.04157746282,0.275804025599,44.7642229618,0.346339629622,5.49765965736 +0.23500000000000013,0.0139298028655,17.382257437,-1.85599687903e-07,3.04157746282,0.311195940663,44.7642229618,0.322549142671,5.49765965736 +0.24000000000000013,0.0101407813938,17.382257437,-3.48242830226e-07,3.04157746282,0.351963531459,44.7642229618,0.302516917789,5.49765965736 +0.24500000000000013,0.00610456971412,17.382257437,-1.57210165907e-06,3.04157746282,0.402459786508,44.7642229618,0.286099832693,5.49765965736 +0.2500000000000001,0.00299428610602,17.382257437,7.31761569145e-07,3.04157746282,0.469302994217,44.7642229618,0.273155791181,5.49765965736 +0.2550000000000001,0.0063209961021,17.382257437,3.15611005104e-07,3.04157746282,0.56391709594,44.7642229618,0.263584697327,5.49765965736 +0.2600000000000001,0.00763085848306,17.382257437,2.08759055658e-07,3.04157746282,0.708782814487,44.7642229618,0.25736383937,5.49765965736 +0.2650000000000001,0.00806982840295,17.382257437,1.60146511978e-07,3.04157746282,0.95604598702,44.7642229618,0.254582443172,5.49765965736 +0.27000000000000013,0.00780355083358,17.382257437,1.32673376231e-07,3.04157746282,1.46111806376,44.7642229618,0.255482670362,5.49765965736 +0.27500000000000013,0.00668503315964,17.382257437,1.1531544489e-07,3.04157746282,2.97875048716,44.7642229618,0.260517308643,5.49765965736 +0.28000000000000014,0.00377413916681,17.382257437,1.0365033745e-07,3.04157746282,35.3299994478,44.7642229618,0.270440235118,5.49765965736 +0.28500000000000014,0.00589027703646,17.382257437,9.55713531568e-08,3.04157746282,3.00707462133,44.7642229618,0.286458261552,5.49765965736 +0.29000000000000015,0.0104641659443,17.382257437,8.99607553105e-08,3.04157746282,1.73733611056,44.7642229618,0.310500740214,5.49765965736 +0.29500000000000015,0.0149246930327,17.382257437,8.61859296816e-08,3.04157746282,1.28998833644,44.7642229618,0.345728441722,5.49765965736 +0.30000000000000016,0.0199054607256,17.382257437,8.38804495914e-08,3.04157746282,1.09777230447,44.7642229618,0.397569653937,5.49765965736 +0.30500000000000016,0.0258628938024,17.382257437,8.28404772045e-08,3.04157746282,1.02848810087,44.7642229618,0.476049189427,5.49765965736 +0.31000000000000016,0.0333694353498,17.382257437,8.29743583408e-08,3.04157746282,1.05098473511,44.7642229618,0.601780085684,5.49765965736 +0.31500000000000017,0.0432911903675,17.382257437,8.42804740603e-08,3.04157746282,1.18712482491,44.7642229618,0.82471452086,5.49765965736 +0.3200000000000002,0.0570681034441,17.382257437,8.68435079735e-08,3.04157746282,1.56439890115,44.7642229618,1.30477104152,5.49765965736 +0.3250000000000002,0.0772878741578,17.382257437,9.08469908799e-08,3.04157746282,2.99049489296,44.7642229618,2.98359259391,5.49765965736 +0.3300000000000002,0.109021971406,17.382257437,9.66060269805e-08,3.04157746282,-11.6430906076,44.7642229618,-13.9366598512,5.49765965736 +0.3350000000000002,0.163372867292,17.382257437,1.04632326001e-07,3.04157746282,-1.53930654615,44.7642229618,-2.23415848722,5.49765965736 +0.3400000000000002,0.26868331458,17.382257437,1.15759886144e-07,3.04157746282,-0.705340630385,44.7642229618,-1.26848415518,5.49765965736 +0.3450000000000002,0.516364584015,17.382257437,1.31398400103e-07,3.04157746282,-0.393999426039,44.7642229618,-0.915399916603,5.49765965736 +0.3500000000000002,1.35185710055,17.382257437,1.5408750332e-07,3.04157746282,-0.223495137551,44.7642229618,-0.735169703334,5.49765965736 +0.3550000000000002,8.95541200506,17.382257437,1.88862512586e-07,3.04157746282,-0.0967009866621,44.7642229618,-0.627499450317,5.49765965736 +0.3600000000000002,-28.9157925245,17.382257437,2.47255244352e-07,3.04157746282,-0.0887315595718,44.7642229618,-0.556984404462,5.49765965736 +0.3650000000000002,-2.04140064426,17.382257437,3.62658377701e-07,3.04157746282,-0.122318338424,44.7642229618,-0.50793815665,5.49765965736 +0.3700000000000002,-0.686188136722,17.382257437,6.88521252376e-07,3.04157746282,-0.130173377388,44.7642229618,-0.472349282664,5.49765965736 +0.3750000000000002,-0.342920526144,17.382257437,6.81086396551e-06,3.04157746282,-0.126207148569,44.7642229618,-0.445708879334,5.49765965736 +0.3800000000000002,-0.206358071634,17.382257437,-8.74737058002e-07,3.04157746282,-0.113160389053,44.7642229618,-0.425297229316,5.49765965736 +0.38500000000000023,-0.138258167655,17.382257437,-4.16082279754e-07,3.04157746282,-0.0888354991172,44.7642229618,-0.40938978377,5.49765965736 +0.39000000000000024,-0.0992757117514,17.382257437,-2.76141533993e-07,3.04157746282,-0.0342044876592,44.7642229618,-0.396853988338,5.49765965736 +0.39500000000000024,-0.0747228392712,17.382257437,-2.08909348535e-07,3.04157746282,-0.0873433212143,44.7642229618,-0.386929340875,5.49765965736 +0.40000000000000024,-0.058092908911,17.382257437,-1.6974028524e-07,3.04157746282,-0.137949162302,44.7642229618,-0.379100324519,5.49765965736 +0.40500000000000025,-0.0461279485462,17.382257437,-1.44328470817e-07,3.04157746282,-0.184096818585,44.7642229618,-0.373019610799,5.49765965736 +0.41000000000000025,-0.037030882991,17.382257437,-1.26681304813e-07,3.04157746282,-0.231451835307,44.7642229618,-0.368460122885,5.49765965736 +0.41500000000000026,-0.0297173927724,17.382257437,-1.1384971055e-07,3.04157746282,-0.283249427815,44.7642229618,-0.365284649124,5.49765965736 +0.42000000000000026,-0.0234564906682,17.382257437,-1.04216368056e-07,3.04157746282,-0.342690613933,44.7642229618,-0.363426818521,5.49765965736 +0.42500000000000027,-0.0176463581116,17.382257437,-9.68228967361e-08,3.04157746282,-0.413909556542,44.7642229618,-0.362880013503,5.49765965736 +0.43000000000000027,-0.0114971205473,17.382257437,-9.1068004043e-08,3.04157746282,-0.50304268279,44.7642229618,-0.363692409128,5.49765965736 +0.4350000000000003,-0.00268027058148,17.382257437,-8.65581854696e-08,3.04157746282,-0.620105717779,44.7642229618,-0.365967395628,5.49765965736 +0.4400000000000003,-0.0108379331777,17.382257437,-8.30281657082e-08,3.04157746282,-0.78298600995,44.7642229618,-0.369869506547,5.49765965736 +0.4450000000000003,-0.0142463500807,17.382257437,-8.02959980022e-08,3.04157746282,-1.02725455535,44.7642229618,-0.3756368878,5.49765965736 +0.4500000000000003,-0.016191858155,17.382257437,-7.82366211185e-08,3.04157746282,-1.43490622822,44.7642229618,-0.383602569944,5.49765965736 +0.4550000000000003,-0.0169359462252,17.382257437,-7.67658718131e-08,3.04157746282,-2.24350595478,44.7642229618,-0.39422874796,5.49765965736 +0.4600000000000003,-0.0160926654828,17.382257437,-7.58307989645e-08,3.04157746282,-4.50152487095,44.7642229618,-0.408161671023,5.49765965736 +0.4650000000000003,-0.0120549150113,17.382257437,-7.54040669454e-08,3.04157746282,-23.7857952866,44.7642229618,-0.426321124734,5.49765965736 +0.4700000000000003,-0.0106514961142,17.382257437,-7.54812981885e-08,3.04157746282,3.01522648483,44.7642229618,-0.450051235414,5.49765965736 +0.4750000000000003,-0.0249502300599,17.382257437,-7.60808609275e-08,3.04157746282,-2.02773616538,44.7642229618,-0.481386519321,5.49765965736 +0.4800000000000003,-0.0396287384342,17.382257437,-7.7246105534e-08,3.04157746282,-1.73740406466,44.7642229618,-0.523549672213,5.49765965736 +0.4850000000000003,-0.0574696004356,17.382257437,-7.90505602526e-08,3.04157746282,-1.50891777393,44.7642229618,-0.581955448149,5.49765965736 +0.4900000000000003,-0.0692535087708,17.382257437,-8.16072910692e-08,3.04157746282,-1.22516588853,44.7642229618,-0.666442262839,5.49765965736 +0.49500000000000033,-0.0702459831803,17.382257437,-8.45272772513e-08,3.04157746282,-0.98926977011,44.7642229618,-0.728823164106,5.49765965736 diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_9.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_9.csv new file mode 100644 index 0000000000..42af8d7c03 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/DSS/pp2_print_9.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,-0.764555917836,18.1140398957,-0.00195238046846,1.47154939559,5.38967449988e-06,74.6823596112,7.45813228589e-05,5.29995970548 +0.005,9.30858909673,18.1140398957,-0.00100864803365,1.47154939559,1.24795723904e-05,74.6823596112,9.02270196318e-05,5.29995970548 +0.01,0.122334352586,18.1140398957,-0.000540517984425,1.47154939559,2.30373480673e-05,74.6823596112,0.000104951685713,5.29995970548 +0.015,0.0360350905229,18.1140398957,-0.000395318449729,1.47154939559,3.11545786472e-05,74.6823596112,0.000117536572211,5.29995970548 +0.02,0.0178616080118,18.1140398957,-0.00032806376042,1.47154939559,3.52673546559e-05,74.6823596112,0.000128118033517,5.29995970548 +0.025,0.0110996588791,18.1140398957,-0.000291469775938,1.47154939559,3.48725374001e-05,74.6823596112,0.00013704885295,5.29995970548 +0.030000000000000002,0.00782442239411,18.1140398957,-0.000270021532621,1.47154939559,2.74601270738e-05,74.6823596112,0.000144796857306,5.29995970548 +0.035,0.00596713854891,18.1140398957,-0.000257165344332,1.47154939559,1.74308869852e-05,74.6823596112,0.000151879556221,5.29995970548 +0.04,0.00479142607467,18.1140398957,-0.000249704165621,1.47154939559,4.68681025843e-05,74.6823596112,0.000158841403937,5.29995970548 +0.045,0.00397883944845,18.1140398957,-0.000245951779029,1.47154939559,7.29695189883e-05,74.6823596112,0.000166270769047,5.29995970548 +0.049999999999999996,0.00337056580719,18.1140398957,-0.000245005533108,1.47154939559,0.000102009459134,74.6823596112,0.000174857084079,5.29995970548 +0.05499999999999999,0.00287691949975,18.1140398957,-0.000246427172135,1.47154939559,0.000137128469396,74.6823596112,0.000185503180524,5.29995970548 +0.05999999999999999,0.00243978712216,18.1140398957,-0.00025009959392,1.47154939559,0.000182434923644,74.6823596112,0.000199540385351,5.29995970548 +0.06499999999999999,0.00201330853255,18.1140398957,-0.000256175553209,1.47154939559,0.000244837471868,74.6823596112,0.000219175545031,5.29995970548 +0.06999999999999999,0.00154676629616,18.1140398957,-0.000265091173375,1.47154939559,0.000337611433295,74.6823596112,0.000248544527189,5.29995970548 +0.075,0.000933218556283,18.1140398957,-0.000277648598126,1.47154939559,0.000490166282839,74.6823596112,0.000296651750882,5.29995970548 +0.08,0.000738229383803,18.1140398957,-0.000295205653909,1.47154939559,0.000782836614714,74.6823596112,0.000387882072793,5.29995970548 +0.085,0.00135111811562,18.1140398957,-0.000320074823849,1.47154939559,0.00153831819746,74.6823596112,0.000620141189165,5.29995970548 +0.09000000000000001,0.00169304045562,18.1140398957,-0.000356400095265,1.47154939559,0.00704095952057,74.6823596112,0.00230114231943,5.29995970548 +0.09500000000000001,0.00186223763633,18.1140398957,-0.000412295854754,1.47154939559,-0.00366566346322,74.6823596112,-0.000993689694002,5.29995970548 +0.10000000000000002,0.00182002129162,18.1140398957,-0.000505986346365,1.47154939559,-0.00121399643134,74.6823596112,-0.000359947224045,5.29995970548 +0.10500000000000002,0.0014019346304,18.1140398957,-0.000688568246118,1.47154939559,0.00476364579429,74.6823596112,-0.000200815453204,5.29995970548 +0.11000000000000003,0.00096518997665,18.1140398957,-0.00117897439105,1.47154939559,-0.0228786763106,74.6823596112,-0.000128704078952,5.29995970548 +0.11500000000000003,0.00106584058215,18.1140398957,-0.00622483162807,1.47154939559,-0.00202501780625,74.6823596112,-8.74296939224e-05,5.29995970548 +0.12000000000000004,0.00500065142453,18.1140398957,0.00163464307481,1.47154939559,-0.000644592110542,74.6823596112,-6.02566312226e-05,5.29995970548 +0.12500000000000003,0.0063405052665,18.1140398957,0.000680912709895,1.47154939559,-0.000263169163118,74.6823596112,-4.02890758731e-05,5.29995970548 +0.13000000000000003,0.00806093143485,18.1140398957,0.000415127950183,1.47154939559,-0.000106765119713,74.6823596112,-2.396500269e-05,5.29995970548 +0.13500000000000004,0.0100310279142,18.1140398957,0.000291255467184,1.47154939559,-2.87950161848e-05,74.6823596112,-8.98515368402e-06,5.29995970548 +0.14000000000000004,0.0122675900269,18.1140398957,0.000219812525857,1.47154939559,1.56198184827e-05,74.6823596112,6.58237083438e-06,5.29995970548 +0.14500000000000005,0.0148351988889,18.1140398957,0.000173084366444,1.47154939559,4.45234611385e-05,74.6823596112,2.48908800733e-05,5.29995970548 +0.15000000000000005,0.0178615263141,18.1140398957,0.000139569234505,1.47154939559,6.68822854882e-05,74.6823596112,4.89881660267e-05,5.29995970548 +0.15500000000000005,0.0215861105014,18.1140398957,0.000113544805269,1.47154939559,8.83071290355e-05,74.6823596112,8.40179601309e-05,5.29995970548 +0.16000000000000006,0.0264694626739,18.1140398957,9.17642533806e-05,1.47154939559,0.000113663052235,74.6823596112,0.000140028985451,5.29995970548 +0.16500000000000006,0.0334698845667,18.1140398957,7.21801565184e-05,1.47154939559,0.000149542671478,74.6823596112,0.000240182391112,5.29995970548 +0.17000000000000007,0.0449012179012,18.1140398957,5.33783782595e-05,1.47154939559,0.000210665987604,74.6823596112,0.00045294177425,5.29995970548 +0.17500000000000007,0.0680565351862,18.1140398957,3.42976465134e-05,1.47154939559,0.000358490123034,74.6823596112,0.00111006239632,5.29995970548 +0.18000000000000008,0.14347327974,18.1140398957,1.40749791421e-05,1.47154939559,0.00653073824288,74.6823596112,0.038058520468,5.29995970548 +0.18500000000000008,0.642873311033,18.1140398957,-8.05134042323e-06,1.47154939559,-0.000256170021662,74.6823596112,-0.00179839086359,5.29995970548 +0.19000000000000009,0.0986041883731,18.1140398957,-3.28143617829e-05,1.47154939559,-0.000240592785336,74.6823596112,-0.00106067265365,5.29995970548 +0.1950000000000001,0.051011542904,18.1140398957,-6.0985853474e-05,1.47154939559,-0.000216016050804,74.6823596112,-0.000831601264163,5.29995970548 +0.2000000000000001,0.0333225034375,18.1140398957,-9.34532448432e-05,1.47154939559,-0.000191151865901,74.6823596112,-0.000722614866523,5.29995970548 +0.2050000000000001,0.0240484637801,18.1140398957,-0.000131322132975,1.47154939559,-0.00016024607495,74.6823596112,-0.000657479963995,5.29995970548 +0.2100000000000001,0.0183079092213,18.1140398957,-0.000176067344773,1.47154939559,-0.000114842225154,74.6823596112,-0.000610921725764,5.29995970548 +0.2150000000000001,0.0143799970622,18.1140398957,-0.000229771888481,1.47154939559,-3.36144447161e-05,74.6823596112,-0.000572595276345,5.29995970548 +0.2200000000000001,0.0115007697088,18.1140398957,-0.000295528865681,1.47154939559,-0.000130780845012,74.6823596112,-0.000538114649882,5.29995970548 +0.22500000000000012,0.00927720033342,18.1140398957,-0.000378162338974,1.47154939559,-0.000185729491917,74.6823596112,-0.00050587962063,5.29995970548 +0.23000000000000012,0.00748421033777,18.1140398957,-0.000485620133823,1.47154939559,-0.000230815208826,74.6823596112,-0.000475612078806,5.29995970548 +0.23500000000000013,0.00598071199326,18.1140398957,-0.00063192175664,1.47154939559,-0.000271715511068,74.6823596112,-0.000447578011658,5.29995970548 +0.24000000000000013,0.00466930951582,18.1140398957,-0.000844176709398,1.47154939559,-0.000311657029419,74.6823596112,-0.000422177565884,5.29995970548 +0.24500000000000013,0.00347258368613,18.1140398957,-0.00118222912831,1.47154939559,-0.000353511008207,74.6823596112,-0.000399759603836,5.29995970548 +0.2500000000000001,0.00231116647826,18.1140398957,-0.00180883982079,1.47154939559,-0.00040049856492,74.6823596112,-0.000380567721625,5.29995970548 +0.2550000000000001,0.00106113257287,18.1140398957,-0.00337604978141,1.47154939559,-0.000456791594434,74.6823596112,-0.000364753384301,5.29995970548 +0.2600000000000001,-0.000626915008875,18.1140398957,-0.0143987962729,1.47154939559,-0.000528433674054,74.6823596112,-0.000352416452598,5.29995970548 +0.2650000000000001,0.00352361459995,18.1140398957,0.00757913834939,1.47154939559,-0.000625088077664,74.6823596112,-0.000343652846878,5.29995970548 +0.27000000000000013,0.00309556340049,18.1140398957,0.00321464300573,1.47154939559,-0.000763704239633,74.6823596112,-0.000338602174571,5.29995970548 +0.27500000000000013,0.00296576411942,18.1140398957,0.00212745915534,1.47154939559,-0.000976585668869,74.6823596112,-0.000337496012601,5.29995970548 +0.28000000000000014,0.00271832351988,18.1140398957,0.0016388103959,1.47154939559,-0.00132420760588,74.6823596112,-0.000340712471422,5.29995970548 +0.28500000000000014,0.00220482673868,18.1140398957,0.00136542790093,1.47154939559,-0.00167795411627,74.6823596112,-0.000348847094657,5.29995970548 +0.29000000000000015,0.000871360386332,18.1140398957,0.0011946998525,1.47154939559,40.4603300911,74.6823596112,-0.000362816690054,5.29995970548 +0.29500000000000015,0.00236294814641,18.1140398957,0.00108177403476,1.47154939559,-0.00653690035317,74.6823596112,-0.000384025252781,5.29995970548 +0.30000000000000016,0.00390520655844,18.1140398957,0.00100543370658,1.47154939559,-0.00285090021722,74.6823596112,-0.000414647713232,5.29995970548 +0.30500000000000016,0.0054831420096,18.1140398957,0.00095453558562,1.47154939559,-0.00191302566301,74.6823596112,-0.000458147300458,5.29995970548 +0.31000000000000016,0.00729343961795,18.1140398957,0.000922890332543,1.47154939559,-0.00153014547193,74.6823596112,-0.000520289330519,5.29995970548 +0.31500000000000017,0.00950633036283,18.1140398957,0.00090705749695,1.47154939559,-0.00136287195377,74.6823596112,-0.000611313517831,5.29995970548 +0.3200000000000002,0.0123486734947,18.1140398957,0.000905323674353,1.47154939559,-0.0013232871194,74.6823596112,-0.000751171124778,5.29995970548 +0.3250000000000002,0.0161734056215,18.1140398957,0.000917236627499,1.47154939559,-0.00140401191084,74.6823596112,-0.000984417811098,5.29995970548 +0.3300000000000002,0.0215797950807,18.1140398957,0.000943453359385,1.47154939559,-0.00167886086455,74.6823596112,-0.00143473252914,5.29995970548 +0.3350000000000002,0.0296691372204,18.1140398957,0.000985824293181,1.47154939559,-0.00252780276001,74.6823596112,-0.00262004186973,5.29995970548 +0.3400000000000002,0.0426607577457,18.1140398957,0.00104773598243,1.47154939559,-0.0104506225076,74.6823596112,-0.0131753327462,5.29995970548 +0.3450000000000002,0.0656011229113,18.1140398957,0.00113484559178,1.47154939559,0.00299110198804,74.6823596112,0.00464194250855,5.29995970548 +0.3500000000000002,0.112117833795,18.1140398957,0.00125654405373,1.47154939559,0.00104430948028,74.6823596112,0.00204646967562,5.29995970548 +0.3550000000000002,0.230474421669,18.1140398957,0.00142897051539,1.47154939559,0.000517723482752,74.6823596112,0.00134893540151,5.29995970548 +0.3600000000000002,0.706445446354,18.1140398957,0.00168175948258,1.47154939559,0.000261937290255,74.6823596112,0.0010286524863,5.29995970548 +0.3650000000000002,10.9285187228,18.1140398957,0.00207517469377,1.47154939559,6.46656203883e-05,74.6823596112,0.000846935177845,5.29995970548 +0.3700000000000002,-2.90821913048,18.1140398957,0.00275256289158,1.47154939559,0.000135760674843,74.6823596112,0.000731301536352,5.29995970548 +0.3750000000000002,-0.444734319339,18.1140398957,0.00415728879006,1.47154939559,0.000158603245476,74.6823596112,0.000652268359694,5.29995970548 +0.3800000000000002,-0.150439466856,18.1140398957,0.00867393718749,1.47154939559,0.000157680704577,74.6823596112,0.000595596424623,5.29995970548 +0.38500000000000023,-0.374245805346,18.1140398957,-0.0921291118819,1.47154939559,0.000144802639602,74.6823596112,0.00055357985653,5.29995970548 +0.39000000000000024,-0.0790816608773,18.1140398957,-0.00733293644918,1.47154939559,0.00012176574847,74.6823596112,0.000521699444625,5.29995970548 +0.39500000000000024,-0.049697750253,18.1140398957,-0.00384811342232,1.47154939559,8.31439619812e-05,74.6823596112,0.000497145339143,5.29995970548 +0.40000000000000024,-0.0349710574635,18.1140398957,-0.00263097491256,1.47154939559,5.24295176656e-05,74.6823596112,0.000478094984264,5.29995970548 +0.40500000000000025,-0.0260283557633,18.1140398957,-0.00201645120146,1.47154939559,0.000120071834581,74.6823596112,0.000463331601313,5.29995970548 +0.41000000000000025,-0.0200441892313,18.1140398957,-0.00164905252282,1.47154939559,0.000169100513913,74.6823596112,0.000452030023174,5.29995970548 +0.41500000000000026,-0.0157517428895,18.1140398957,-0.00140698939528,1.47154939559,0.000214616106269,74.6823596112,0.000443630799491,5.29995970548 +0.42000000000000026,-0.0124838481907,18.1140398957,-0.00123727535526,1.47154939559,0.000260689210315,74.6823596112,0.000437763852594,5.29995970548 +0.42500000000000027,-0.00984521402996,18.1140398957,-0.00111318804071,1.47154939559,0.000309798184377,74.6823596112,0.000434201691646,5.29995970548 +0.43000000000000027,-0.00756738407247,18.1140398957,-0.00101982281883,1.47154939559,0.000364155971745,74.6823596112,0.000432831513942,5.29995970548 +0.4350000000000003,-0.00541350777357,18.1140398957,-0.000948242326135,1.47154939559,0.000426185952896,74.6823596112,0.000433640513575,5.29995970548 +0.4400000000000003,-0.00297197068331,18.1140398957,-0.000892794715662,1.47154939559,0.000498784968073,74.6823596112,0.000436711667188,5.29995970548 +0.4450000000000003,-0.00255604145798,18.1140398957,-0.000849765967451,1.47154939559,0.000585366956605,74.6823596112,0.000442229317812,5.29995970548 +0.4500000000000003,-0.0042479287043,18.1140398957,-0.000816653454524,1.47154939559,0.000689051444459,74.6823596112,0.000450495719488,5.29995970548 +0.4550000000000003,-0.00511359110966,18.1140398957,-0.000791753123337,1.47154939559,0.000807776984968,74.6823596112,0.000461961924806,5.29995970548 +0.4600000000000003,-0.00552851171434,18.1140398957,-0.000773916252742,1.47154939559,0.000907015013557,74.6823596112,0.000477279765019,5.29995970548 +0.4650000000000003,-0.00549240849427,18.1140398957,-0.000762404050574,1.47154939559,0.000724299949098,74.6823596112,0.000497387555562,5.29995970548 +0.4700000000000003,-0.00475812245034,18.1140398957,-0.000756802905684,1.47154939559,-0.00302229050956,74.6823596112,0.000523653395103,5.29995970548 +0.4750000000000003,-0.00194599738688,18.1140398957,-0.000756981016245,1.47154939559,34.2332847565,74.6823596112,0.000558122975317,5.29995970548 +0.4800000000000003,-0.00581061912673,18.1140398957,-0.000763077453325,1.47154939559,0.0161704917093,74.6823596112,0.000603969664163,5.29995970548 +0.4850000000000003,-0.0101475500837,18.1140398957,-0.000775521894063,1.47154939559,0.00622528972353,74.6823596112,0.000666366575614,5.29995970548 +0.4900000000000003,-0.0129292295142,18.1140398957,-0.000795089926836,1.47154939559,0.00345570459676,74.6823596112,0.00075432447069,5.29995970548 +0.49500000000000033,-0.0134904377078,18.1140398957,-0.000817999706173,1.47154939559,0.00245463036373,74.6823596112,0.000817555209473,5.29995970548 From 28dd729e3b26802a61b4da6d24622d8aced0905a Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Wed, 21 Jul 2021 15:28:53 -0700 Subject: [PATCH 04/77] Added golded files for DSS xml --- .../Validation/gold/DSS/pp2_print_0.csv | 101 ++++++++++++++++++ .../Validation/gold/DSS/pp2_print_1.csv | 101 ++++++++++++++++++ .../Validation/gold/DSS/pp2_print_2.csv | 101 ++++++++++++++++++ .../Validation/gold/DSS/pp2_print_3.csv | 101 ++++++++++++++++++ .../Validation/gold/DSS/pp2_print_4.csv | 101 ++++++++++++++++++ .../Validation/gold/DSS/pp2_print_5.csv | 101 ++++++++++++++++++ .../Validation/gold/DSS/pp2_print_6.csv | 101 ++++++++++++++++++ .../Validation/gold/DSS/pp2_print_7.csv | 101 ++++++++++++++++++ .../Validation/gold/DSS/pp2_print_8.csv | 101 ++++++++++++++++++ .../Validation/gold/DSS/pp2_print_9.csv | 101 ++++++++++++++++++ 10 files changed, 1010 insertions(+) create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_0.csv create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_1.csv create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_2.csv create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_3.csv create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_4.csv create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_5.csv create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_6.csv create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_7.csv create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_8.csv create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_9.csv diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_0.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_0.csv new file mode 100644 index 0000000000..d8961a1fa9 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_0.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,0.0756901816043,24.887493332,-0.000351283270388,2.59700011532,0.0356012101676,53.1999350236,0.206070488345,4.78635605162 +0.005,0.0510745233206,24.887493332,-0.000385934668242,2.59700011532,0.0448169166406,53.1999350236,0.210768607572,4.78635605162 +0.01,0.0256194405153,24.887493332,-0.000406159113474,2.59700011532,0.052224344465,53.1999350236,0.204272609211,4.78635605162 +0.015,0.0150024229693,24.887493332,-0.000421393172979,2.59700011532,0.0516883771607,53.1999350236,0.20010519813,4.78635605162 +0.02,0.010257283552,24.887493332,-0.000432783299084,2.59700011532,0.0451798791812,53.1999350236,0.197573824791,4.78635605162 +0.025,0.00769231680981,24.887493332,-0.000441348962559,2.59700011532,0.0284060742231,53.1999350236,0.196261897457,4.78635605162 +0.030000000000000002,0.00612549904352,24.887493332,-0.000447943830224,2.59700011532,0.0336672365961,53.1999350236,0.195926608029,4.78635605162 +0.035,0.00507743437159,24.887493332,-0.000453262151306,2.59700011532,0.0629855379733,53.1999350236,0.196444243236,4.78635605162 +0.04,0.00431968056602,24.887493332,-0.000457866493304,2.59700011532,0.0894619720643,53.1999350236,0.19778161272,4.78635605162 +0.045,0.00372831979973,24.887493332,-0.000462222758356,2.59700011532,0.1172518338,53.1999350236,0.199984022056,4.78635605162 +0.049999999999999996,0.00322683934388,24.887493332,-0.000466735814408,2.59700011532,0.148479034567,53.1999350236,0.203176148606,4.78635605162 +0.05499999999999999,0.00275944130293,24.887493332,-0.000471783762648,2.59700011532,0.185378812568,53.1999350236,0.207576121419,4.78635605162 +0.05999999999999999,0.00227360608449,24.887493332,-0.00047775165284,2.59700011532,0.231060029877,53.1999350236,0.213527199795,4.78635605162 +0.06499999999999999,0.00169433633486,24.887493332,-0.000485067311788,2.59700011532,0.290431280096,53.1999350236,0.221557909815,4.78635605162 +0.06999999999999999,0.000772991562933,24.887493332,-0.000494243726694,2.59700011532,0.371943441596,53.1999350236,0.232494548059,4.78635605162 +0.075,0.00130283362855,24.887493332,-0.000505935007915,2.59700011532,0.491460016819,53.1999350236,0.24768026844,4.78635605162 +0.08,0.00199187521109,24.887493332,-0.000521017617242,2.59700011532,0.682094146904,53.1999350236,0.269434057245,4.78635605162 +0.085,0.00245409022898,24.887493332,-0.000540717719677,2.59700011532,1.02380596657,53.1999350236,0.302118525415,4.78635605162 +0.09000000000000001,0.00272598009733,24.887493332,-0.000566824621632,2.59700011532,1.75751674307,53.1999350236,0.355020324828,4.78635605162 +0.09500000000000001,0.00271172120559,24.887493332,-0.000602072646113,2.59700011532,3.96065102521,53.1999350236,0.452043262233,4.78635605162 +0.10000000000000002,0.0020653563727,24.887493332,-0.000650875572106,2.59700011532,22.063705504,53.1999350236,0.679238712152,4.78635605162 +0.10500000000000002,0.00211813443079,24.887493332,-0.000720868007637,2.59700011532,32.5016834277,53.1999350236,1.76335102388,4.78635605162 +0.11000000000000003,0.00483476705374,24.887493332,-0.000826525967792,2.59700011532,-13.8684083592,53.1999350236,-1.84767843252,4.78635605162 +0.11500000000000003,0.00772383018827,24.887493332,-0.000999095540335,2.59700011532,-2.46453702091,53.1999350236,-0.525372763748,4.78635605162 +0.12000000000000004,0.0111468044228,24.887493332,-0.00132091190976,2.59700011532,-0.944134639777,53.1999350236,-0.278401055973,4.78635605162 +0.12500000000000003,0.0151108859396,24.887493332,-0.00210251007708,2.59700011532,-0.459372384566,53.1999350236,-0.174801950313,4.78635605162 +0.13000000000000003,0.0171343953503,24.887493332,-0.00646411039937,2.59700011532,-0.248870152479,53.1999350236,-0.117764017075,4.78635605162 +0.13500000000000004,0.0350652053287,24.887493332,0.00483896441515,2.59700011532,-0.140697849216,53.1999350236,-0.0811959709455,4.78635605162 +0.14000000000000004,0.0423716405627,24.887493332,0.00164348920338,2.59700011532,-0.0787121176144,53.1999350236,-0.054939356815,4.78635605162 +0.14500000000000005,0.0556065274189,24.887493332,0.000952164683723,2.59700011532,-0.0402717597698,53.1999350236,-0.0339839519099,4.78635605162 +0.15000000000000005,0.0750741244315,24.887493332,0.000652717338428,2.59700011532,-0.0148647829393,53.1999350236,-0.0152581605846,4.78635605162 +0.15500000000000005,0.105121364985,24.887493332,0.000486276138869,2.59700011532,0.00289817867961,53.1999350236,0.00366434837427,4.78635605162 +0.16000000000000006,0.156661888365,24.887493332,0.000380003627249,2.59700011532,0.0159186133438,53.1999350236,0.0253281189163,4.78635605162 +0.16500000000000006,0.262367592272,24.887493332,0.00030521417449,2.59700011532,0.025571042223,53.1999350236,0.0531682521213,4.78635605162 +0.17000000000000007,0.564364908709,24.887493332,0.000248127467158,2.59700011532,0.0315872784201,53.1999350236,0.0927821259941,4.78635605162 +0.17500000000000007,2.5959579167,24.887493332,0.000201130085144,2.59700011532,0.0292029206784,53.1999350236,0.154754141223,4.78635605162 +0.18000000000000008,-16.475446849,24.887493332,0.000159525889875,2.59700011532,0.0358911787049,53.1999350236,0.262490035739,4.78635605162 +0.18500000000000008,-0.511783036992,24.887493332,0.000120133768726,2.59700011532,0.110684484186,53.1999350236,0.480628409477,4.78635605162 +0.19000000000000009,-0.10082323864,24.887493332,8.06091792099e-05,2.59700011532,0.287502181726,53.1999350236,1.07825811416,4.78635605162 +0.1950000000000001,-0.0217616071722,24.887493332,3.90793631522e-05,2.59700011532,1.76278846025,53.1999350236,6.44341026385,4.78635605162 +0.2000000000000001,0.0018057589186,24.887493332,-6.0783411812e-06,2.59700011532,-0.708546763109,53.1999350236,-2.77999234179,4.78635605162 +0.2050000000000001,0.00986119174713,24.887493332,-5.6395309412e-05,2.59700011532,-0.288768517405,53.1999350236,-1.4250988599,4.78635605162 +0.2100000000000001,0.0123886048682,24.887493332,-0.000113451921497,2.59700011532,-0.0453883904931,53.1999350236,-1.07480405018,4.78635605162 +0.2150000000000001,0.0126672479613,24.887493332,-0.000179031059276,2.59700011532,-0.216098228243,53.1999350236,-0.918928673398,4.78635605162 +0.2200000000000001,0.0119639992296,24.887493332,-0.000255316700686,2.59700011532,-0.303782296424,53.1999350236,-0.829882029715,4.78635605162 +0.22500000000000012,0.0108188848603,24.887493332,-0.000345181037066,2.59700011532,-0.376540448411,53.1999350236,-0.768590246102,4.78635605162 +0.23000000000000012,0.00947298486221,24.887493332,-0.000452632098144,2.59700011532,-0.444674685389,53.1999350236,-0.719533354007,4.78635605162 +0.23500000000000013,0.0080303460657,24.887493332,-0.000583556378394,2.59700011532,-0.511709354218,53.1999350236,-0.676086138182,4.78635605162 +0.24000000000000013,0.00652220624591,24.887493332,-0.00074703080616,2.59700011532,-0.580320553624,53.1999350236,-0.635687041334,4.78635605162 +0.24500000000000013,0.00492318860659,24.887493332,-0.000957812458771,2.59700011532,-0.65402690633,53.1999350236,-0.597721930261,4.78635605162 +0.2500000000000001,0.00309611593474,24.887493332,-0.00124149111194,2.59700011532,-0.738159324039,53.1999350236,-0.562420286285,4.78635605162 +0.2550000000000001,0.00120852123153,24.887493332,-0.00164639842495,2.59700011532,-0.841123459156,53.1999350236,-0.530264983882,4.78635605162 +0.2600000000000001,0.00296770830518,24.887493332,-0.00227557552413,2.59700011532,-0.976992971635,53.1999350236,-0.501711546802,4.78635605162 +0.2650000000000001,0.00346446876209,24.887493332,-0.00339370868859,2.59700011532,-1.17176767092,53.1999350236,-0.477092298472,4.78635605162 +0.27000000000000013,0.00311165177851,24.887493332,-0.0059459529095,2.59700011532,-1.48075094168,53.1999350236,-0.456618664681,4.78635605162 +0.27500000000000013,5.81181297004e-05,24.887493332,-0.017658799066,2.59700011532,-2.04846257485,53.1999350236,-0.440426219434,4.78635605162 +0.28000000000000014,0.00944333510943,24.887493332,0.023614750085,2.59700011532,-3.40557789309,53.1999350236,-0.428632720771,4.78635605162 +0.28500000000000014,0.00340829970713,24.887493332,0.00767066056605,2.59700011532,-3.11284671985,53.1999350236,-0.421397253632,4.78635605162 +0.29000000000000015,0.00465662583969,24.887493332,0.00479547193423,2.59700011532,-7.3226845792,53.1999350236,-0.418979551034,4.78635605162 +0.29500000000000015,0.00803485316173,24.887493332,0.00360288615197,2.59700011532,-2.89900743487,53.1999350236,-0.421805251145,4.78635605162 +0.30000000000000016,0.011317208785,24.887493332,0.00295953304001,2.59700011532,-1.81265725321,53.1999350236,-0.430548255252,4.78635605162 +0.30500000000000016,0.0150342971053,24.887493332,0.00256543644154,2.59700011532,-1.33509443051,53.1999350236,-0.446248610867,4.78635605162 +0.31000000000000016,0.0195367803603,24.887493332,0.00230729950188,2.59700011532,-1.07524607458,53.1999350236,-0.470497775671,4.78635605162 +0.31500000000000017,0.0252566844823,24.887493332,0.00213320374467,2.59700011532,-0.919444803615,53.1999350236,-0.505751070035,4.78635605162 +0.3200000000000002,0.0328467262745,24.887493332,0.00201640022284,2.59700011532,-0.823327239499,53.1999350236,-0.555889367891,4.78635605162 +0.3250000000000002,0.0433920010407,24.887493332,0.0019421605681,2.59700011532,-0.767055057191,53.1999350236,-0.627301579015,4.78635605162 +0.3300000000000002,0.0588411035857,24.887493332,0.00190225207722,2.59700011532,-0.742100920444,53.1999350236,-0.731155591538,4.78635605162 +0.3350000000000002,0.0830086530868,24.887493332,0.00189240571623,2.59700011532,-0.747384467914,53.1999350236,-0.888719562089,4.78635605162 +0.3400000000000002,0.12423731265,24.887493332,0.00191114377949,2.59700011532,-0.790619061756,53.1999350236,-1.14588760045,4.78635605162 +0.3450000000000002,0.203820698837,24.887493332,0.00195933974328,2.59700011532,-0.899404931831,53.1999350236,-1.62299653837,4.78635605162 +0.3500000000000002,0.390562922342,24.887493332,0.00204028979904,2.59700011532,-1.18152944757,53.1999350236,-2.76799848929,4.78635605162 +0.3550000000000002,1.02223133173,24.887493332,0.00216030007533,2.59700011532,-2.64941999732,53.1999350236,-8.84234636717,4.78635605162 +0.3600000000000002,6.9577971122,24.887493332,0.00233000990751,2.59700011532,1.20022386476,53.1999350236,8.04846171823,4.78635605162 +0.3650000000000002,-18.536899259,24.887493332,0.00256703619018,2.59700011532,0.458741195621,53.1999350236,2.87699372783,4.78635605162 +0.3700000000000002,-1.39066604189,24.887493332,0.0029013579004,2.59700011532,0.428452490342,53.1999350236,1.80260103173,4.78635605162 +0.3750000000000002,-0.461207455208,24.887493332,0.00338712026367,2.59700011532,0.362958187378,53.1999350236,1.34317089246,4.78635605162 +0.3800000000000002,-0.223731187001,24.887493332,0.00413170682114,2.59700011532,0.301055452763,53.1999350236,1.09124468109,4.78635605162 +0.38500000000000023,-0.128229841417,24.887493332,0.00538073173552,2.59700011532,0.240107113086,53.1999350236,0.93409620892,4.78635605162 +0.39000000000000024,-0.0784920119467,24.887493332,0.00784320725238,2.59700011532,0.170645997776,53.1999350236,0.828064963517,4.78635605162 +0.39500000000000024,-0.0431611488023,24.887493332,0.0147525608011,2.59700011532,0.0479569348817,53.1999350236,0.752702627484,4.78635605162 +0.40000000000000024,0.125171738448,24.887493332,0.133635902199,2.59700011532,0.157958083139,53.1999350236,0.697173708623,4.78635605162 +0.40500000000000025,-0.0584942984204,24.887493332,-0.0189855321451,2.59700011532,0.233609668151,53.1999350236,0.655219001313,4.78635605162 +0.41000000000000025,-0.037702725343,24.887493332,-0.00892863564252,2.59700011532,0.297743334418,53.1999350236,0.622989555054,4.78635605162 +0.41500000000000026,-0.027827106942,24.887493332,-0.00588638133755,2.59700011532,0.360227788464,53.1999350236,0.598008455715,4.78635605162 +0.42000000000000026,-0.0211987160476,24.887493332,-0.00442910916332,2.59700011532,0.42599152393,53.1999350236,0.57863048966,4.78635605162 +0.42500000000000027,-0.0160802276811,24.887493332,-0.00358152181559,2.59700011532,0.499061371088,53.1999350236,0.563742368813,4.78635605162 +0.43000000000000027,-0.0116739791922,24.887493332,-0.00303237055096,2.59700011532,0.583905567893,53.1999350236,0.552588046692,4.78635605162 +0.4350000000000003,-0.00728500366889,24.887493332,-0.00265158641512,2.59700011532,0.686486121185,53.1999350236,0.544663350089,4.78635605162 +0.4400000000000003,-0.00243291347265,24.887493332,-0.00237526997039,2.59700011532,0.815737263059,53.1999350236,0.539651413346,4.78635605162 +0.4450000000000003,-0.00696198428924,24.887493332,-0.00216842991751,2.59700011532,0.986299442514,53.1999350236,0.537383772652,4.78635605162 +0.4500000000000003,-0.00884851819847,24.887493332,-0.00201036354406,2.59700011532,1.22437969711,53.1999350236,0.537819018778,4.78635605162 +0.4550000000000003,-0.00981004369416,24.887493332,-0.00188810713602,2.59700011532,1.58201216785,53.1999350236,0.541034965552,4.78635605162 +0.4600000000000003,-0.0100218150295,24.887493332,-0.00179320090124,2.59700011532,2.17654305476,53.1999350236,0.547232998658,4.78635605162 +0.4650000000000003,-0.00925982419887,24.887493332,-0.0017199680688,2.59700011532,3.29135191908,53.1999350236,0.556755557551,4.78635605162 +0.4700000000000003,-0.00649167144982,24.887493332,-0.00166454644856,2.59700011532,-0.343367636509,53.1999350236,0.570120302197,4.78635605162 +0.4750000000000003,-0.00695375377574,24.887493332,-0.00162432127992,2.59700011532,18.3891004778,53.1999350236,0.588078304694,4.78635605162 +0.4800000000000003,-0.0147497845514,24.887493332,-0.00159758644143,2.59700011532,5.42949840841,53.1999350236,0.611710070066,4.78635605162 +0.4850000000000003,-0.0228537785489,24.887493332,-0.0015833449369,2.59700011532,3.20885144676,53.1999350236,0.642585338604,4.78635605162 +0.4900000000000003,-0.0280619238181,24.887493332,-0.00158120223415,2.59700011532,2.04560508739,53.1999350236,0.683037188758,4.78635605162 +0.49500000000000033,-0.0287684290134,24.887493332,-0.00160677194296,2.59700011532,1.49764431607,53.1999350236,0.715994577108,4.78635605162 diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_1.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_1.csv new file mode 100644 index 0000000000..0591a62545 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_1.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,0.774109933747,78.5323269828,-0.00111513031321,8.02406872151,0.00015699442728,21.1645936719,0.000388766220683,3.62270476039 +0.005,0.172934844167,78.5323269828,0.000312548594868,8.02406872151,0.000253790755873,21.1645936719,0.000478997467537,3.62270476039 +0.01,0.0434518775793,78.5323269828,9.33645706157e-05,8.02406872151,0.000389758416471,21.1645936719,0.00056805120926,3.62270476039 +0.015,0.019233004651,78.5323269828,5.94011493334e-05,8.02406872151,0.000486770043257,21.1645936719,0.000646124658721,3.62270476039 +0.02,0.0112138144262,78.5323269828,4.6202616342e-05,8.02406872151,0.000529134300053,21.1645936719,0.000713124729502,3.62270476039 +0.025,0.00757486755401,78.5323269828,3.95339280479e-05,8.02406872151,0.000474278984792,21.1645936719,0.000770415120738,3.62270476039 +0.030000000000000002,0.00559988445393,78.5323269828,3.57467616553e-05,8.02406872151,0.000152740369949,21.1645936719,0.000820287742045,3.62270476039 +0.035,0.004390795607,78.5323269828,3.34846745312e-05,8.02406872151,0.000797991250143,21.1645936719,0.000865542594222,3.62270476039 +0.04,0.00357888192657,78.5323269828,3.21335157958e-05,8.02406872151,0.00139258099056,21.1645936719,0.00090927581244,3.62270476039 +0.045,0.00298801637499,78.5323269828,3.13820403602e-05,8.02406872151,0.00213544322869,21.1645936719,0.000954896315223,3.62270476039 +0.049999999999999996,0.002522954625,78.5323269828,3.10643814811e-05,8.02406872151,0.00312433905151,21.1645936719,0.00100638290725,3.62270476039 +0.05499999999999999,0.00212519328404,78.5323269828,3.10947442252e-05,8.02406872151,0.00449128682363,21.1645936719,0.00106885498154,3.62270476039 +0.05999999999999999,0.00175195717774,78.5323269828,3.14383431158e-05,8.02406872151,0.00644420016217,21.1645936719,0.0011496907818,3.62270476039 +0.06499999999999999,0.00136101853355,78.5323269828,3.2099324124e-05,8.02406872151,0.00933486602648,21.1645936719,0.00126083041451,3.62270476039 +0.06999999999999999,0.000878087855177,78.5323269828,3.31188790748e-05,8.02406872151,0.0138014458706,21.1645936719,0.00142407700497,3.62270476039 +0.075,0.000466896928717,78.5323269828,3.45823471465e-05,8.02406872151,0.0211082874645,21.1645936719,0.00168536859298,3.62270476039 +0.08,0.00105539943751,78.5323269828,3.66384375052e-05,8.02406872151,0.0340932878574,21.1645936719,0.00216302079173,3.62270476039 +0.085,0.00136598259819,78.5323269828,3.95404879555e-05,8.02406872151,0.0605703170013,21.1645936719,0.00328710340681,3.62270476039 +0.09000000000000001,0.00153529464373,78.5323269828,4.37357620277e-05,8.02406872151,0.137405153594,21.1645936719,0.00883634014844,3.62270476039 +0.09500000000000001,0.00154146111344,78.5323269828,5.00760395577e-05,8.02406872151,0.212755471826,21.1645936719,-0.00846684654297,3.62270476039 +0.10000000000000002,0.00125478869626,78.5323269828,6.0390815383e-05,8.02406872151,1.5988061707,21.1645936719,-0.00250601690095,3.62270476039 +0.10500000000000002,0.000772175184071,78.5323269828,7.94364951969e-05,8.02406872151,-7.48669871307,21.1645936719,-0.00134643522011,3.62270476039 +0.11000000000000003,0.00223574857561,78.5323269828,0.000124632059843,8.02406872151,-0.413573575915,21.1645936719,-0.000855478667377,3.62270476039 +0.11500000000000003,0.00366331896809,78.5323269828,0.000352094517332,8.02406872151,-0.121052016172,21.1645936719,-0.000584330264464,3.62270476039 +0.12000000000000004,0.00481738095475,78.5323269828,-0.000336680273934,8.02406872151,-0.0503855034092,21.1645936719,-0.000410720594005,3.62270476039 +0.12500000000000003,0.00662913115137,78.5323269828,-0.000106374679546,8.02406872151,-0.0234170232593,21.1645936719,-0.000286946114568,3.62270476039 +0.13000000000000003,0.00866007541832,78.5323269828,-6.08457355132e-05,8.02406872151,-0.0107458842608,21.1645936719,-0.000189675836893,3.62270476039 +0.13500000000000004,0.0110758004082,78.5323269828,-4.15638099506e-05,8.02406872151,-0.0041603475582,21.1645936719,-0.000105003718329,3.62270476039 +0.14000000000000004,0.0140284466065,78.5323269828,-3.09727411283e-05,8.02406872151,-0.000617383138954,21.1645936719,-2.25654101801e-05,3.62270476039 +0.14500000000000005,0.0177699755735,78.5323269828,-2.42764214694e-05,8.02406872151,0.00124587128596,21.1645936719,6.76472198329e-05,3.62270476039 +0.15000000000000005,0.0227701859871,78.5323269828,-1.96176433169e-05,8.02406872151,0.00213169974396,21.1645936719,0.000178037706082,3.62270476039 +0.15500000000000005,0.0299926294325,78.5323269828,-1.61162762964e-05,8.02406872151,0.00244007370638,21.1645936719,0.000327303277569,3.62270476039 +0.16000000000000006,0.0416880551589,78.5323269828,-1.32927334511e-05,8.02406872151,0.00241168757692,21.1645936719,0.000548129320248,3.62270476039 +0.16500000000000006,0.0643186472701,78.5323269828,-1.08557501738e-05,8.02406872151,0.00218991014403,21.1645936719,0.000906013974106,3.62270476039 +0.17000000000000007,0.124719770968,78.5323269828,-8.61146363399e-06,8.02406872151,0.00184028567937,21.1645936719,0.00155620869662,3.62270476039 +0.17500000000000007,0.494938369974,78.5323269828,-6.41978064852e-06,8.02406872151,0.00126847297741,21.1645936719,0.00297767637778,3.62270476039 +0.18000000000000008,-2.46641065603,78.5323269828,-4.17133774529e-06,8.02406872151,0.00173926936988,21.1645936719,0.00772575298958,3.62270476039 +0.18500000000000008,-0.0414611869821,78.5323269828,-1.77413937144e-06,8.02406872151,-0.025561946542,21.1645936719,-0.11539011265,3.62270476039 +0.19000000000000009,0.00569319620955,78.5323269828,8.55060129221e-07,8.02406872151,-0.00146300939145,21.1645936719,-0.0100554509397,3.62270476039 +0.1950000000000001,0.011004902984,78.5323269828,3.79709063573e-06,8.02406872151,-0.000475864139573,21.1645936719,-0.00635126793396,3.62270476039 +0.2000000000000001,0.0108503108153,78.5323269828,7.13581055212e-06,8.02406872151,-0.000128654332099,21.1645936719,-0.00518006530933,3.62270476039 +0.2050000000000001,0.00969350347973,78.5323269828,1.09636231742e-05,8.02406872151,1.49277955888e-05,21.1645936719,-0.00467894362698,3.62270476039 +0.2100000000000001,0.00842420202358,78.5323269828,1.53879274562e-05,8.02406872151,4.02892302638e-05,21.1645936719,-0.0044476870953,3.62270476039 +0.2150000000000001,0.00724575947031,78.5323269828,2.05394988306e-05,8.02406872151,0.000191885884931,21.1645936719,-0.0043446838376,3.62270476039 +0.2200000000000001,0.00619304465914,78.5323269828,2.65841777047e-05,8.02406872151,0.000391175798864,21.1645936719,-0.0043045490451,3.62270476039 +0.22500000000000012,0.00525522371794,78.5323269828,3.37400009027e-05,8.02406872151,0.000673502363882,21.1645936719,-0.00429205403071,3.62270476039 +0.23000000000000012,0.00440922558223,78.5323269828,4.23033464715e-05,8.02406872151,0.00108776134503,21.1645936719,-0.00428710781864,3.62270476039 +0.23500000000000013,0.00362847465576,78.5323269828,5.26904309862e-05,8.02406872151,0.00170845633151,21.1645936719,-0.00427888014895,3.62270476039 +0.24000000000000013,0.00288251896262,78.5323269828,6.55060659113e-05,8.02406872151,0.00265234610929,21.1645936719,-0.004262899853,3.62270476039 +0.24500000000000013,0.002127734175,78.5323269828,8.16634197959e-05,8.02406872151,0.0041133507449,21.1645936719,-0.0042391343709,3.62270476039 +0.2500000000000001,0.001257759357,78.5323269828,0.000102605552429,8.02406872151,0.00643832583293,21.1645936719,-0.00421045589147,3.62270476039 +0.2550000000000001,0.000828378096761,78.5323269828,0.000130746825402,8.02406872151,0.010304266841,21.1645936719,-0.00418140075283,3.62270476039 +0.2600000000000001,0.00154019188196,78.5323269828,0.000170440017214,8.02406872151,0.0171821550257,21.1645936719,-0.00415725967944,3.62270476039 +0.2650000000000001,0.00187441428345,78.5323269828,0.000230381434784,8.02406872151,0.0307614176303,21.1645936719,-0.00414351845838,3.62270476039 +0.27000000000000013,0.00202193397403,78.5323269828,0.000330771307489,8.02406872151,0.0624826810512,21.1645936719,-0.00414561873163,3.62270476039 +0.27500000000000013,0.002001032412,78.5323269828,0.000531589183265,8.02406872151,0.163182566838,21.1645936719,-0.00416897908533,3.62270476039 +0.28000000000000014,0.00175329778763,78.5323269828,0.00112482219142,8.02406872151,0.841675558765,21.1645936719,-0.00421921817404,3.62270476039 +0.28500000000000014,0.00125269551862,78.5323269828,0.0359810627555,8.02406872151,-30.1715064164,21.1645936719,-0.00430254667581,3.62270476039 +0.29000000000000015,0.00173690674608,78.5323269828,-0.00139473398204,8.02406872151,-0.541470714699,21.1645936719,-0.0044263349351,3.62270476039 +0.29500000000000015,0.00310890477779,78.5323269828,-0.000737322863662,8.02406872151,-0.166181672723,21.1645936719,-0.00459991742035,3.62270476039 +0.30000000000000016,0.00456146898278,78.5323269828,-0.00052674979752,8.02406872151,-0.0829631693218,21.1645936719,-0.00483577503259,3.62270476039 +0.30500000000000016,0.00628601499582,78.5323269828,-0.000425524249225,8.02406872151,-0.0512147337907,21.1645936719,-0.00515137300595,3.62270476039 +0.31000000000000016,0.00845797610112,78.5323269828,-0.000368150791594,8.02406872151,-0.0356827739788,21.1645936719,-0.00557219787766,3.62270476039 +0.31500000000000017,0.0113216825999,78.5323269828,-0.0003331746523,8.02406872151,-0.0269350413193,21.1645936719,-0.00613710629019,3.62270476039 +0.3200000000000002,0.015267935443,78.5323269828,-0.000311603763873,8.02406872151,-0.0215737276619,21.1645936719,-0.00690843116545,3.62270476039 +0.3250000000000002,0.0209754548459,78.5323269828,-0.00029913248091,8.02406872151,-0.0181422611288,21.1645936719,-0.00799273681681,3.62270476039 +0.3300000000000002,0.0297210356289,78.5323269828,-0.000293590171994,8.02406872151,-0.0159619678347,21.1645936719,-0.00958820041251,3.62270476039 +0.3350000000000002,0.0441503928111,78.5323269828,-0.000293955979829,8.02406872151,-0.0147516320894,21.1645936719,-0.0121094126143,3.62270476039 +0.3400000000000002,0.0705032247119,78.5323269828,-0.00029995850538,8.02406872151,-0.0145712178054,21.1645936719,-0.0165925304479,3.62270476039 +0.3450000000000002,0.126536483196,78.5323269828,-0.000311949955848,8.02406872151,-0.016262292345,21.1645936719,-0.0265554172213,3.62270476039 +0.3500000000000002,0.280803513005,78.5323269828,-0.000330964255244,8.02406872151,-0.0265280222762,21.1645936719,-0.066497609455,3.62270476039 +0.3550000000000002,1.02324913362,78.5323269828,-0.000358979521713,8.02406872151,0.0298908562968,21.1645936719,0.136708832882,3.62270476039 +0.3600000000000002,80.1685866409,78.5323269828,-0.000399528825841,8.02406872151,0.00187240234695,21.1645936719,0.0343043054976,3.62270476039 +0.3650000000000002,-1.79519173079,78.5323269828,-0.000459072822812,8.02406872151,0.0027974550452,21.1645936719,0.0199018342634,3.62270476039 +0.3700000000000002,-0.396905209568,78.5323269828,-0.000550354811098,8.02406872151,0.00196447877021,21.1645936719,0.0142027898753,3.62270476039 +0.3750000000000002,-0.172007319674,78.5323269828,-0.000701977803126,8.02406872151,0.00121110983051,21.1645936719,0.0111763984294,3.62270476039 +0.3800000000000002,-0.0968649163453,78.5323269828,-0.00099349891318,8.02406872151,0.00061232574077,21.1645936719,0.00931878570727,3.62270476039 +0.38500000000000023,-0.0636563968426,78.5323269828,-0.00175835669441,8.02406872151,0.000167538565504,21.1645936719,0.00807685474333,3.62270476039 +0.39000000000000024,-0.0561966955212,78.5323269828,-0.00856322755607,8.02406872151,-8.0456588826e-05,21.1645936719,0.00719971537706,3.62270476039 +0.39500000000000024,-0.0260206570271,78.5323269828,0.00291043543761,8.02406872151,-0.000288516079035,21.1645936719,0.00655732455789,3.62270476039 +0.40000000000000024,-0.0213502799877,78.5323269828,0.00123939077254,8.02406872151,-0.000876677291258,21.1645936719,0.00607577941537,3.62270476039 +0.40500000000000025,-0.016899092494,78.5323269828,0.000788878127904,8.02406872151,-0.0017178654172,21.1645936719,0.00571021259275,3.62270476039 +0.41000000000000025,-0.0134051383915,78.5323269828,0.000581133294843,8.02406872151,-0.00289031251364,21.1645936719,0.0054320610037,3.62270476039 +0.41500000000000026,-0.0106196180657,78.5323269828,0.00046265549946,8.02406872151,-0.00452348561758,21.1645936719,0.00522255321938,3.62270476039 +0.42000000000000026,-0.00830333105079,78.5323269828,0.000386842345636,8.02406872151,-0.00682983486137,21.1645936719,0.00506915740742,3.62270476039 +0.42500000000000027,-0.0062597143635,78.5323269828,0.000334748408515,8.02406872151,-0.0101640037956,21.1645936719,0.00496355398608,3.62270476039 +0.43000000000000027,-0.00428053116836,78.5323269828,0.000297231742542,8.02406872151,-0.0151430112141,21.1645936719,0.00490045113692,3.62270476039 +0.4350000000000003,-0.00183094244122,78.5323269828,0.000269350407586,8.02406872151,-0.0229061424782,21.1645936719,0.00487690217277,3.62270476039 +0.4400000000000003,-0.00273321375559,78.5323269828,0.00024820979193,8.02406872151,-0.0357308620284,21.1645936719,0.00489195140857,3.62270476039 +0.4450000000000003,-0.00388360453739,78.5323269828,0.000232012825754,8.02406872151,-0.0586844015204,21.1645936719,0.00494652670219,3.62270476039 +0.4500000000000003,-0.00445348727543,78.5323269828,0.000219596381833,8.02406872151,-0.104878587617,21.1645936719,0.00504355611419,3.62270476039 +0.4550000000000003,-0.0046422237846,78.5323269828,0.000210187123956,8.02406872151,-0.217029543586,21.1645936719,0.00518833724011,3.62270476039 +0.4600000000000003,-0.00441220704131,78.5323269828,0.000203265440004,8.02406872151,-0.603815420293,21.1645936719,0.00538925015073,3.62270476039 +0.4650000000000003,-0.00346569189527,78.5323269828,0.000198486694994,8.02406872151,-4.0640633147,21.1645936719,0.00565900476547,3.62270476039 +0.4700000000000003,-0.00191015692685,78.5323269828,0.000195635089853,8.02406872151,17.9868344846,21.1645936719,0.00601680122675,3.62270476039 +0.4750000000000003,-0.00569507867241,78.5323269828,0.000194597602017,8.02406872151,1.19241195807,21.1645936719,0.00649217227692,3.62270476039 +0.4800000000000003,-0.00910691494635,78.5323269828,0.00019535171858,8.02406872151,0.416943814092,21.1645936719,0.00713216163498,3.62270476039 +0.4850000000000003,-0.0130557612771,78.5323269828,0.000197964290948,8.02406872151,0.219083602994,21.1645936719,0.00801569461804,3.62270476039 +0.4900000000000003,-0.0154658754364,78.5323269828,0.000202601458671,8.02406872151,0.122663915599,21.1645936719,0.00928513779775,3.62270476039 +0.49500000000000033,-0.015404620316,78.5323269828,0.00020681289425,8.02406872151,0.0837281391226,21.1645936719,0.0101591584241,3.62270476039 diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_2.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_2.csv new file mode 100644 index 0000000000..91a45e91ad --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_2.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,-0.0499281922006,37.767391036,0.00214950159842,4.28650302037,1.48043773097e-06,153.440198563,-2.78869210709e-06,15.4153269263 +0.005,-0.108821350709,37.767391036,0.00344512627925,4.28650302037,1.92343383019e-06,153.440198563,-3.78745340746e-06,15.4153269263 +0.01,-2.80127775886,37.767391036,-0.0154495882567,4.28650302037,1.53098863678e-06,153.440198563,-4.83741886226e-06,15.4153269263 +0.015,0.666352304377,37.767391036,-0.00270493401925,4.28650302037,1.90085196915e-06,153.440198563,-5.79512180408e-06,15.4153269263 +0.02,0.105537707351,37.767391036,-0.00161203987177,4.28650302037,3.32599773558e-06,153.440198563,-6.63492581009e-06,15.4153269263 +0.025,0.0431344458161,37.767391036,-0.00122160618589,4.28650302037,4.40380458328e-06,153.440198563,-7.35165063744e-06,15.4153269263 +0.030000000000000002,0.0243318377974,37.767391036,-0.0010306546398,4.28650302037,5.17246201225e-06,153.440198563,-7.95660994721e-06,15.4153269263 +0.035,0.0161802116007,37.767391036,-0.000923652027417,4.28650302037,5.32498316785e-06,153.440198563,-8.47174651242e-06,15.4153269263 +0.04,0.0118771511525,37.767391036,-0.00085975689653,4.28650302037,3.63941540802e-06,153.440198563,-8.92454004322e-06,15.4153269263 +0.045,0.00929529622336,37.767391036,-0.000820975161398,4.28650302037,6.48621474724e-06,153.440198563,-9.3449510607e-06,15.4153269263 +0.049999999999999996,0.00759070348954,37.767391036,-0.000798295647998,4.28650302037,1.3658071887e-05,153.440198563,-9.76461077415e-06,15.4153269263 +0.05499999999999999,0.00636976921521,37.767391036,-0.000786888171608,4.28650302037,2.28305802338e-05,153.440198563,-1.02181231591e-05,15.4153269263 +0.05999999999999999,0.00542383077465,37.767391036,-0.000784147860477,4.28650302037,3.54369772377e-05,153.440198563,-1.07466180944e-05,15.4153269263 +0.06499999999999999,0.00462768310852,37.767391036,-0.000788818411715,4.28650302037,5.3214686841e-05,153.440198563,-1.14045547185e-05,15.4153269263 +0.06999999999999999,0.00389360580876,37.767391036,-0.00080059531129,4.28650302037,7.8766485877e-05,153.440198563,-1.22726906907e-05,15.4153269263 +0.075,0.00314310405167,37.767391036,-0.000819987724073,4.28650302037,0.000116258353714,153.440198563,-1.34849615832e-05,15.4153269263 +0.08,0.00226732731421,37.767391036,-0.000848368466594,4.28650302037,0.000172710528439,153.440198563,-1.52914860661e-05,15.4153269263 +0.085,0.000856688329193,37.767391036,-0.000888228880415,4.28650302037,0.000260628405531,153.440198563,-1.82327415937e-05,15.4153269263 +0.09000000000000001,0.00183568332738,37.767391036,-0.000943751981274,4.28650302037,0.000403597002242,153.440198563,-2.37528099707e-05,15.4153269263 +0.09500000000000001,0.00264621581141,37.767391036,-0.00102200341102,4.28650302037,0.000645816804441,153.440198563,-3.74874734818e-05,15.4153269263 +0.10000000000000002,0.00312285344438,37.767391036,-0.00113551387155,4.28650302037,0.000916181838688,153.440198563,-0.000125172028078,15.4153269263 +0.10500000000000002,0.00330033104617,37.767391036,-0.00130846731198,4.28650302037,0.0031709156581,153.440198563,6.80776138803e-05,15.4153269263 +0.11000000000000003,0.00305357249322,37.767391036,-0.00159401185415,4.28650302037,0.0092741572586,153.440198563,2.3630670193e-05,15.4153269263 +0.11500000000000003,0.00192066846575,37.767391036,-0.00213582689044,4.28650302037,0.184535236178,153.440198563,1.31146173897e-05,15.4153269263 +0.12000000000000004,0.00252956428232,37.767391036,-0.00350365660164,4.28650302037,-0.0261601202469,153.440198563,8.43267598045e-06,15.4153269263 +0.12500000000000003,0.00197195699887,37.767391036,-0.0128058571372,4.28650302037,-0.00407839423995,153.440198563,5.78128280747e-06,15.4153269263 +0.13000000000000003,0.0119156742882,37.767391036,0.0064905335384,4.28650302037,-0.00136658922718,153.440198563,4.05421618831e-06,15.4153269263 +0.13500000000000004,0.013671245455,37.767391036,0.0024343989044,4.28650302037,-0.000561531221493,153.440198563,2.8037103852e-06,15.4153269263 +0.14000000000000004,0.0169855507165,37.767391036,0.00144628153041,4.28650302037,-0.000233033923817,153.440198563,1.80407295399e-06,15.4153269263 +0.14500000000000005,0.0210482642293,37.767391036,0.00100434732335,4.28650302037,-7.82755721773e-05,153.440198563,9.15992711228e-07,15.4153269263 +0.15000000000000005,0.0258835576537,37.767391036,0.000755025231215,4.28650302037,-1.7285453844e-06,153.440198563,3.07115919595e-08,15.4153269263 +0.15500000000000005,0.0317078406287,37.767391036,0.000594637268036,4.28650302037,3.48615386997e-05,153.440198563,-9.62513297606e-07,15.4153269263 +0.16000000000000006,0.03896086226,37.767391036,0.000481492502845,4.28650302037,4.95564952756e-05,153.440198563,-2.20761666073e-06,15.4153269263 +0.16500000000000006,0.0484979384313,37.767391036,0.000395330321375,4.28650302037,5.19049338564e-05,153.440198563,-3.9299302102e-06,15.4153269263 +0.17000000000000007,0.0620887853646,37.767391036,0.000324893762769,4.28650302037,4.72752726694e-05,153.440198563,-6.53687252305e-06,15.4153269263 +0.17500000000000007,0.0838925432036,37.767391036,0.000263230775606,4.28650302037,3.86756477784e-05,153.440198563,-1.08771768008e-05,15.4153269263 +0.18000000000000008,0.126109101157,37.767391036,0.000205642022718,4.28650302037,2.75555601199e-05,153.440198563,-1.90800002131e-05,15.4153269263 +0.18500000000000008,0.243272898987,37.767391036,0.000148680404437,4.28650302037,1.39478669348e-05,153.440198563,-3.84293742393e-05,15.4153269263 +0.19000000000000009,1.25320061527,37.767391036,8.96142018957e-05,4.28650302037,-4.26359975484e-06,153.440198563,-0.000120753657011,15.4153269263 +0.1950000000000001,-0.328279795372,37.767391036,2.61089979965e-05,4.28650302037,6.32719894207e-05,153.440198563,0.000281470696544,15.4153269263 +0.2000000000000001,0.0566244476106,37.767391036,-4.39845116188e-05,4.28650302037,4.27397326215e-05,153.440198563,8.84294864703e-05,15.4153269263 +0.2050000000000001,0.0514053505134,37.767391036,-0.000122794909578,4.28650302037,4.0516001398e-05,153.440198563,6.14787929997e-05,15.4153269263 +0.2100000000000001,0.0405028662944,37.767391036,-0.000212581686572,4.28650302037,3.81748740252e-05,153.440198563,5.17038603202e-05,15.4153269263 +0.2150000000000001,0.0321067659877,37.767391036,-0.000315900981059,4.28650302037,3.36695540624e-05,153.440198563,4.71889229888e-05,15.4153269263 +0.2200000000000001,0.0258403274918,37.767391036,-0.00043581283209,4.28650302037,2.4387399431e-05,153.440198563,4.4875060237e-05,15.4153269263 +0.22500000000000012,0.0210417485375,37.767391036,-0.000576165408484,4.28650302037,1.57630978935e-05,153.440198563,4.35861729715e-05,15.4153269263 +0.23000000000000012,0.0172488698855,37.767391036,-0.000742009822369,4.28650302037,3.90452419768e-05,153.440198563,4.27615567712e-05,15.4153269263 +0.23500000000000013,0.0141582984866,37.767391036,-0.000940234887552,4.28650302037,5.85822401439e-05,153.440198563,4.21069168398e-05,15.4153269263 +0.24000000000000013,0.0115667017187,37.767391036,-0.00118058169524,4.28650302037,7.93280986529e-05,153.440198563,4.14713402758e-05,15.4153269263 +0.24500000000000013,0.00933193577921,37.767391036,-0.00147734237755,4.28650302037,0.00010323904041,153.440198563,4.07922860834e-05,15.4153269263 +0.2500000000000001,0.00734854275724,37.767391036,-0.00185236098997,4.28650302037,0.000132353675386,153.440198563,4.00634095801e-05,15.4153269263 +0.2550000000000001,0.00553004791768,37.767391036,-0.00234068708837,4.28650302037,0.000169564909451,153.440198563,3.93118213766e-05,15.4153269263 +0.2600000000000001,0.00378746557468,37.767391036,-0.00300211254591,4.28650302037,0.000219516980964,153.440198563,3.85814626358e-05,15.4153269263 +0.2650000000000001,0.00194455333851,37.767391036,-0.00394726388461,4.28650302037,0.000290298928418,153.440198563,3.79219324726e-05,15.4153269263 +0.27000000000000013,0.00138630396449,37.767391036,-0.00540542120334,4.28650302037,0.000397224923975,153.440198563,3.73821990832e-05,15.4153269263 +0.27500000000000013,0.00175262947416,37.767391036,-0.00794025570953,4.28650302037,0.000572450985139,153.440198563,3.70082269142e-05,15.4153269263 +0.28000000000000014,0.000671392420297,37.767391036,-0.0134048916244,4.28650302037,0.000893718572204,153.440198563,3.68434041146e-05,15.4153269263 +0.28500000000000014,-0.0046774271677,37.767391036,-0.0335288065715,4.28650302037,0.00159265948961,153.440198563,3.69308396882e-05,15.4153269263 +0.29000000000000015,0.0317778653141,37.767391036,0.108292813634,4.28650302037,0.00365085181784,153.440198563,3.73169772657e-05,15.4153269263 +0.29500000000000015,0.00818339475296,37.767391036,0.0231436754672,4.28650302037,0.0161638728405,153.440198563,3.80564183044e-05,15.4153269263 +0.30000000000000016,0.00111412560967,37.767391036,0.0137808997325,4.28650302037,-0.884787886606,153.440198563,3.9218335031e-05,15.4153269263 +0.30500000000000016,0.00694290356226,37.767391036,0.0102407538624,4.28650302037,-0.00939532288541,153.440198563,4.08954655535e-05,15.4153269263 +0.31000000000000016,0.010493995504,37.767391036,0.00842291698246,4.28650302037,-0.00249837948379,153.440198563,4.32176408333e-05,15.4153269263 +0.31500000000000017,0.0141331036889,37.767391036,0.00735357855299,4.28650302037,-0.00108921245228,153.440198563,4.6373574815e-05,15.4153269263 +0.3200000000000002,0.0183727680949,37.767391036,0.00668439911726,4.28650302037,-0.000581338912779,153.440198563,5.06483583235e-05,15.4153269263 +0.3250000000000002,0.0236396025607,37.767391036,0.00626172773479,4.28650302037,-0.000342494060474,153.440198563,5.64925313104e-05,15.4153269263 +0.3300000000000002,0.0304957537778,37.767391036,0.0060093926315,4.28650302037,-0.000209953796173,153.440198563,6.46596457532e-05,15.4153269263 +0.3350000000000002,0.0398163176516,37.767391036,0.00588786205733,4.28650302037,-0.000126330020937,153.440198563,7.65079974373e-05,15.4153269263 +0.3400000000000002,0.0530915153608,37.767391036,0.00587779409205,4.28650302037,-6.63151602054e-05,153.440198563,9.47525643711e-05,15.4153269263 +0.3450000000000002,0.0730701399213,37.767391036,0.0059730818723,4.28650302037,-1.51946100957e-05,153.440198563,0.000125710933657,15.4153269263 +0.3500000000000002,0.105319260008,37.767391036,0.00617843981787,4.28650302037,4.26696601349e-05,153.440198563,0.000188221448848,15.4153269263 +0.3550000000000002,0.162593654311,37.767391036,0.00650996412315,4.28650302037,0.000157569681522,153.440198563,0.000375039417191,15.4153269263 +0.3600000000000002,0.279772888882,37.767391036,0.00699877288072,4.28650302037,0.0098837259003,153.440198563,0.0196652331057,15.4153269263 +0.3650000000000002,0.583338306626,37.767391036,0.00769949424298,4.28650302037,-0.000198084213264,153.440198563,-0.000399736267412,15.4153269263 +0.3700000000000002,1.86574241185,37.767391036,0.00870860844522,4.28650302037,-8.02869790213e-05,153.440198563,-0.000201481595308,15.4153269263 +0.3750000000000002,42.3579811861,37.767391036,0.0102064301858,4.28650302037,-1.3156166492e-05,153.440198563,-0.00013678925093,15.4153269263 +0.3800000000000002,-5.26716178934,37.767391036,0.0125657200952,4.28650302037,-4.4608825145e-05,153.440198563,-0.000104990825304,15.4153269263 +0.38500000000000023,-0.889900805818,37.767391036,0.0166922695136,4.28650302037,-5.34329932638e-05,153.440198563,-8.62734355043e-05,15.4153269263 +0.39000000000000024,-0.304090368719,37.767391036,0.0254915046914,4.28650302037,-5.57381594146e-05,153.440198563,-7.40790823169e-05,15.4153269263 +0.39500000000000024,-0.0573578413862,37.767391036,0.0561239913279,4.28650302037,-5.41865304024e-05,153.440198563,-6.56105929421e-05,15.4153269263 +0.40000000000000024,-0.693730232489,37.767391036,-0.246683611764,4.28650302037,-4.84623702636e-05,153.440198563,-5.94757357043e-05,15.4153269263 +0.40500000000000025,-0.164279761324,37.767391036,-0.0382846008641,4.28650302037,-3.50507135296e-05,153.440198563,-5.49054663602e-05,15.4153269263 +0.41000000000000025,-0.0999385766782,37.767391036,-0.0207791318521,4.28650302037,-2.59158836574e-05,153.440198563,-5.14422667378e-05,15.4153269263 +0.41500000000000026,-0.0698826288974,37.767391036,-0.0143215945081,4.28650302037,-6.1613094492e-05,153.440198563,-4.87989196164e-05,15.4153269263 +0.42000000000000026,-0.0518196747833,37.767391036,-0.0109904218024,4.28650302037,-9.44605561698e-05,153.440198563,-4.67881738629e-05,15.4153269263 +0.42500000000000027,-0.0396054744386,37.767391036,-0.00897650633767,4.28650302037,-0.000132038605754,153.440198563,-4.52851213661e-05,15.4153269263 +0.43000000000000027,-0.030669772508,37.767391036,-0.00764130095923,4.28650302037,-0.000178513875608,153.440198563,-4.42059756702e-05,15.4153269263 +0.4350000000000003,-0.0236836984137,37.767391036,-0.00670217276586,4.28650302037,-0.000238905931645,153.440198563,-4.34956821917e-05,15.4153269263 +0.4400000000000003,-0.0178336157332,37.767391036,-0.00601499611813,4.28650302037,-0.000320699620659,153.440198563,-4.31206222862e-05,15.4153269263 +0.4450000000000003,-0.0124729552851,37.767391036,-0.00549878952213,4.28650302037,-0.000436162799237,153.440198563,-4.30644970741e-05,15.4153269263 +0.4500000000000003,-0.0065709238374,37.767391036,-0.00510476779296,4.28650302037,-0.000606930495375,153.440198563,-4.33264233714e-05,15.4153269263 +0.4550000000000003,-0.00599985403089,37.767391036,-0.00480201464787,4.28650302037,-0.000874311714594,153.440198563,-4.39208298679e-05,15.4153269263 +0.4600000000000003,-0.00954601659704,37.767391036,-0.0045702320651,4.28650302037,-0.00132544503602,153.440198563,-4.48791454024e-05,15.4153269263 +0.4650000000000003,-0.0112455781012,37.767391036,-0.00439581577765,4.28650302037,-0.00217082289174,153.440198563,-4.62536743346e-05,15.4153269263 +0.4700000000000003,-0.0119359941745,37.767391036,-0.00426962454311,4.28650302037,-0.0040312798916,153.440198563,-4.81246088084e-05,15.4153269263 +0.4750000000000003,-0.0116562165228,37.767391036,-0.00418567497193,4.28650302037,-0.00945788743967,153.440198563,-5.06120757773e-05,15.4153269263 +0.4800000000000003,-0.00993698502416,37.767391036,-0.00414037944419,4.28650302037,-0.0396906266945,153.440198563,-5.38969552789e-05,15.4153269263 +0.4850000000000003,-0.00404605115942,37.767391036,-0.00413213174602,4.28650302037,154.150605696,153.440198563,-5.82581034752e-05,15.4153269263 +0.4900000000000003,-0.00998731207677,37.767391036,-0.00416114504231,4.28650302037,0.034118947356,153.440198563,-6.41425967643e-05,15.4153269263 +0.49500000000000033,-0.0128971436753,37.767391036,-0.00421966639005,4.28650302037,0.0125953353559,153.440198563,-6.81736548532e-05,15.4153269263 diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_3.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_3.csv new file mode 100644 index 0000000000..b316e2699f --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_3.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,-0.697504916097,44.0357167442,0.000187067290355,4.26023895104,-2.11276592754e-05,89.5779339625,-0.000285845842716,6.37493074725 +0.005,-0.0937961442649,44.0357167442,-0.0107945042615,4.26023895104,-3.92865465678e-05,89.5779339625,-0.000364488540017,6.37493074725 +0.01,0.0146841058889,44.0357167442,-9.71177503994e-05,4.26023895104,-6.67856771506e-05,89.5779339625,-0.000443156077267,6.37493074725 +0.015,0.00506653565941,44.0357167442,-5.33732447477e-05,4.26023895104,-8.62016576422e-05,89.5779339625,-0.000512069162707,6.37493074725 +0.02,0.00264912003481,44.0357167442,-3.93028795981e-05,4.26023895104,-9.26173409153e-05,89.5779339625,-0.000570402317613,6.37493074725 +0.025,0.00168680153944,44.0357167442,-3.26829677854e-05,4.26023895104,-8.30889723401e-05,89.5779339625,-0.000618795490168,6.37493074725 +0.030000000000000002,0.00120431279303,44.0357167442,-2.90367763534e-05,4.26023895104,-4.79002520117e-05,89.5779339625,-0.000658842799678,6.37493074725 +0.035,0.000924973573352,44.0357167442,-2.68683093569e-05,4.26023895104,-6.63160867215e-05,89.5779339625,-0.000692611654596,6.37493074725 +0.04,0.00074556549366,44.0357167442,-2.55379784572e-05,4.26023895104,-0.000106803672211,89.5779339625,-0.00072232082436,6.37493074725 +0.045,0.000620054135386,44.0357167442,-2.47300438834e-05,4.26023895104,-0.000127260851072,89.5779339625,-0.000750198057986,6.37493074725 +0.049999999999999996,0.000524915785644,44.0357167442,-2.42749694187e-05,4.26023895104,-0.000126106445899,89.5779339625,-0.000778489952812,6.37493074725 +0.05499999999999999,0.000446506998059,44.0357167442,-2.40785835079e-05,4.26023895104,-9.45463572758e-05,89.5779339625,-0.000809598180607,6.37493074725 +0.05999999999999999,0.000375594130202,44.0357167442,-2.40903563519e-05,4.26023895104,-1.65922809e-05,89.5779339625,-0.000846347883827,6.37493074725 +0.06499999999999999,0.000304218800638,44.0357167442,-2.42883489049e-05,4.26023895104,0.000135747532565,89.5779339625,-0.000892453698131,6.37493074725 +0.06999999999999999,0.000221835612996,44.0357167442,-2.4672418092e-05,4.26023895104,0.000413231845106,89.5779339625,-0.000953366778074,6.37493074725 +0.075,9.2770565207e-05,44.0357167442,-2.52624422277e-05,4.26023895104,0.00091376853062,89.5779339625,-0.001037969938,6.37493074725 +0.08,0.000173172894743,44.0357167442,-2.61007254317e-05,4.26023895104,0.00184345477911,89.5779339625,-0.00116240376062,6.37493074725 +0.085,0.000255676889715,44.0357167442,-2.72594468592e-05,4.26023895104,0.00369298428297,89.5779339625,-0.00136012060659,6.37493074725 +0.09000000000000001,0.000305994644935,44.0357167442,-2.88562660331e-05,4.26023895104,0.00786265864931,89.5779339625,-0.00171461681719,6.37493074725 +0.09500000000000001,0.000326642852658,44.0357167442,-3.10857518336e-05,4.26023895104,0.0196849658811,89.5779339625,-0.00251090325498,6.37493074725 +0.10000000000000002,0.000299811467444,44.0357167442,-3.42857835574e-05,4.26023895104,0.072195401223,89.5779339625,-0.00577866461621,6.37493074725 +0.10500000000000002,0.000134961152106,44.0357167442,-3.90918580476e-05,4.26023895104,59.6980859328,89.5779339625,0.00984455394909,6.37493074725 +0.11000000000000003,0.000386021399898,44.0357167442,-4.68508068181e-05,4.26023895104,-0.14193230949,89.5779339625,0.00228496629479,6.37493074725 +0.11500000000000003,0.000689017368324,44.0357167442,-6.09976586018e-05,4.26023895104,-0.0323262493585,89.5779339625,0.00117371403423,6.37493074725 +0.12000000000000004,0.00102175449744,44.0357167442,-9.36654095125e-05,4.26023895104,-0.0132653728221,89.5779339625,0.000729645787486,6.37493074725 +0.12500000000000003,0.0013483939446,44.0357167442,-0.000240809435488,4.26023895104,-0.00662492545004,89.5779339625,0.000490726533187,6.37493074725 +0.13000000000000003,0.00225972652341,44.0357167442,0.000312906657587,4.26023895104,-0.00353345960159,89.5779339625,0.00033995371488,6.37493074725 +0.13500000000000004,0.00276334008842,44.0357167442,8.79609596538e-05,4.26023895104,-0.00186443481341,89.5779339625,0.000233288254922,6.37493074725 +0.14000000000000004,0.00357504670606,44.0357167442,4.91331111265e-05,4.26023895104,-0.000897577524816,89.5779339625,0.000149619168864,6.37493074725 +0.14500000000000005,0.00465976804457,44.0357167442,3.31771549351e-05,4.26023895104,-0.000330318804864,89.5779339625,7.64550608065e-05,6.37493074725 +0.15000000000000005,0.00614778533549,44.0357167442,2.45300381279e-05,4.26023895104,-1.29353018048e-05,89.5779339625,4.40631399263e-06,6.37493074725 +0.15500000000000005,0.00831850845749,44.0357167442,1.90996554934e-05,4.26023895104,0.000139727800254,89.5779339625,-7.58221086535e-05,6.37493074725 +0.16000000000000006,0.0118115724806,44.0357167442,1.53305942382e-05,4.26023895104,0.000181860188277,89.5779339625,-0.000176144980024,6.37493074725 +0.16500000000000006,0.018375321213,44.0357167442,1.24932460113e-05,4.26023895104,0.000150837393926,89.5779339625,-0.000315173730856,6.37493074725 +0.17000000000000007,0.0345105680007,44.0357167442,1.01920437362e-05,4.26023895104,7.50239026571e-05,89.5779339625,-0.000526715755,6.37493074725 +0.17500000000000007,0.106536282721,44.0357167442,8.18702485921e-06,4.26023895104,-1.45928717769e-05,89.5779339625,-0.000881888450068,6.37493074725 +0.18000000000000008,42.5050393615,44.0357167442,6.31817273867e-06,4.26023895104,-6.56593858581e-05,89.5779339625,-0.00156222652767,6.37493074725 +0.18500000000000008,-0.0649333036591,44.0357167442,4.46936234261e-06,4.26023895104,-0.000496398707045,89.5779339625,-0.00321143489458,6.37493074725 +0.19000000000000009,-0.00826148646792,44.0357167442,2.54933415573e-06,4.26023895104,-0.00261240983115,89.5779339625,-0.0109964997649,6.37493074725 +0.1950000000000001,-0.000626779082105,44.0357167442,4.80492674955e-07,4.26023895104,0.0050883390726,89.5779339625,0.0177953503839,6.37493074725 +0.2000000000000001,0.00119382519224,44.0357167442,-1.80867751303e-06,4.26023895104,0.00192045995026,89.5779339625,0.00651698961225,6.37493074725 +0.2050000000000001,0.00165109291848,44.0357167442,-4.38977505641e-06,4.26023895104,0.00116369666109,89.5779339625,0.00460286823153,6.37493074725 +0.2100000000000001,0.00168763904999,44.0357167442,-7.34063222456e-06,4.26023895104,0.000334337764555,89.5779339625,0.00385576098808,6.37493074725 +0.2150000000000001,0.0015783384851,44.0357167442,-1.07526691661e-05,4.26023895104,0.00103512244089,89.5779339625,0.00347146350879,6.37493074725 +0.2200000000000001,0.001418432001,44.0357167442,-1.47408934766e-05,4.26023895104,0.00157196745902,89.5779339625,0.0032342436858,6.37493074725 +0.22500000000000012,0.00124384440593,44.0357167442,-1.94586942711e-05,4.26023895104,0.00206145450576,89.5779339625,0.00306143899918,6.37493074725 +0.23000000000000012,0.00106802325323,44.0357167442,-2.51211187804e-05,4.26023895104,0.00256464516031,89.5779339625,0.00291624283213,6.37493074725 +0.23500000000000013,0.000894848382723,44.0357167442,-3.20435749503e-05,4.26023895104,0.00311554115278,89.5779339625,0.00278230231857,6.37493074725 +0.24000000000000013,0.000723278600185,44.0357167442,-4.07100742261e-05,4.26023895104,0.00375191397058,89.5779339625,0.00265371902434,6.37493074725 +0.24500000000000013,0.00054800403086,44.0357167442,-5.19020566123e-05,4.26023895104,0.00452998537195,89.5779339625,0.00252998198122,6.37493074725 +0.2500000000000001,0.0003537970648,44.0357167442,-6.69627130596e-05,4.26023895104,0.0055431846461,89.5779339625,0.00241301574614,6.37493074725 +0.2550000000000001,8.68407622395e-05,44.0357167442,-8.840025254e-05,4.26023895104,0.00695954936342,89.5779339625,0.00230547016147,6.37493074725 +0.2600000000000001,0.000316952656444,44.0357167442,-0.000121477670975,4.26023895104,0.00911184615088,89.5779339625,0.00220985266387,6.37493074725 +0.2650000000000001,0.000390433716055,44.0357167442,-0.000179380133502,4.26023895104,0.0127519961552,89.5779339625,0.00212821322694,6.37493074725 +0.27000000000000013,0.000393465128533,44.0357167442,-0.000306996636892,4.26023895104,0.0199385942529,89.5779339625,0.00206215097769,6.37493074725 +0.27500000000000013,0.000259823603625,44.0357167442,-0.00081908905086,4.26023895104,0.0383712317313,89.5779339625,0.00201298017563,6.37493074725 +0.28000000000000014,0.000775077762552,44.0357167442,0.00173456837424,4.26023895104,0.122616509773,89.5779339625,0.00198196146425,6.37493074725 +0.28500000000000014,0.00023764621841,44.0357167442,0.000462059034537,4.26023895104,19.700138365,89.5779339625,0.00197055879032,6.37493074725 +0.29000000000000015,0.000493550598071,44.0357167442,0.00028067956066,4.26023895104,-0.112162774452,89.5779339625,0.00198072105478,6.37493074725 +0.29500000000000015,0.000822464916217,44.0357167442,0.000208933559662,4.26023895104,-0.0192211930105,89.5779339625,0.00201521644409,6.37493074725 +0.30000000000000016,0.00116169892401,44.0357167442,0.000171118821449,4.26023895104,-0.0053257961665,89.5779339625,0.00207807654646,6.37493074725 +0.30500000000000016,0.00155629676066,44.0357167442,0.000148324911653,4.26023895104,-0.00117886244913,89.5779339625,0.00217525091048,6.37493074725 +0.31000000000000016,0.0020436250356,44.0357167442,0.000133611868893,4.26023895104,0.000489612659742,89.5779339625,0.00231565489266,6.37493074725 +0.31500000000000017,0.00267369945956,44.0357167442,0.000123857659431,4.26023895104,0.00130280875937,89.5779339625,0.00251296636026,6.37493074725 +0.3200000000000002,0.00352482565735,44.0357167442,0.000117477508466,4.26023895104,0.00177496195624,89.5779339625,0.00278891875703,6.37493074725 +0.3250000000000002,0.00473050748682,44.0357167442,0.000113612883448,4.26023895104,0.0021113675454,89.5779339625,0.00317980679092,6.37493074725 +0.3300000000000002,0.00653681064575,44.0357167442,0.000111796354109,4.26023895104,0.00241562198867,89.5779339625,0.00375058898393,6.37493074725 +0.3350000000000002,0.00944099419118,44.0357167442,0.000111800971938,4.26023895104,0.00276359005011,89.5779339625,0.00462944472829,6.37493074725 +0.3400000000000002,0.0145776170637,44.0357167442,0.000113573416926,4.26023895104,0.00325296345912,89.5779339625,0.00610842452499,6.37493074725 +0.3450000000000002,0.0250252601294,44.0357167442,0.000117213412398,4.26023895104,0.00410752911143,89.5779339625,0.00902663680069,6.37493074725 +0.3500000000000002,0.0517716847166,44.0357167442,0.000122987924362,4.26023895104,0.00626092857003,89.5779339625,0.0171745788181,6.37493074725 +0.3550000000000002,0.160901321584,44.0357167442,0.000131384453022,4.26023895104,0.0367857434348,89.5779339625,0.144573548471,6.37493074725 +0.3600000000000002,2.71000601085,44.0357167442,0.000143225879407,4.26023895104,-0.00166587610837,89.5779339625,-0.0235836339062,6.37493074725 +0.3650000000000002,-0.621168188205,44.0357167442,0.000159904569424,4.26023895104,-0.00236685788718,89.5779339625,-0.0112173400401,6.37493074725 +0.3700000000000002,-0.101184406539,44.0357167442,0.00018388215854,4.26023895104,-0.0021544142614,89.5779339625,-0.00752485588267,6.37493074725 +0.3750000000000002,-0.0395445157335,44.0357167442,0.000219865709778,4.26023895104,-0.00187023013084,89.5779339625,-0.00576836367287,6.37493074725 +0.3800000000000002,-0.020731027085,44.0357167442,0.000278016443716,4.26023895104,-0.00158224125788,89.5779339625,-0.00475289220685,6.37493074725 +0.38500000000000023,-0.0124940531692,44.0357167442,0.000384919001233,4.26023895104,-0.00125940365609,89.5779339625,-0.0040989157843,6.37493074725 +0.39000000000000024,-0.00792622026028,44.0357167442,0.000638946067439,4.26023895104,-0.000805222891586,89.5779339625,-0.00364823941549,6.37493074725 +0.39500000000000024,-0.00367028294534,44.0357167442,0.00195379613823,4.26023895104,-0.000642488192155,89.5779339625,-0.00332327129511,6.37493074725 +0.40000000000000024,-0.00713198135694,44.0357167442,-0.00182237742406,4.26023895104,-0.00131297211674,89.5779339625,-0.0030815746583,6.37493074725 +0.40500000000000025,-0.00442217183681,44.0357167442,-0.000623365837177,4.26023895104,-0.00186121660434,89.5779339625,-0.00289807337854,6.37493074725 +0.41000000000000025,-0.00329145086517,44.0357167442,-0.000378356824786,4.26023895104,-0.00243197347686,89.5779339625,-0.00275709110425,6.37493074725 +0.41500000000000026,-0.0025350029359,44.0357167442,-0.000273627629424,4.26023895104,-0.00309011646196,89.5779339625,-0.00264842209179,6.37493074725 +0.42000000000000026,-0.00195762487678,44.0357167442,-0.000216008032518,4.26023895104,-0.00390088290922,89.5779339625,-0.0025652410408,6.37493074725 +0.42500000000000027,-0.00147553942647,44.0357167442,-0.000179884151406,4.26023895104,-0.00495392742002,89.5779339625,-0.00250292540711,6.37493074725 +0.43000000000000027,-0.00102970485609,44.0357167442,-0.000155370097544,4.26023895104,-0.00639142693966,89.5779339625,-0.00245836338218,6.37493074725 +0.4350000000000003,-0.000524377325876,44.0357167442,-0.000137847260035,4.26023895104,-0.00846098113898,89.5779339625,-0.00242953730591,6.37493074725 +0.4400000000000003,-0.000538920206172,44.0357167442,-0.000124872895722,4.26023895104,-0.0116341321439,89.5779339625,-0.00241527384152,6.37493074725 +0.4450000000000003,-0.00083332836303,44.0357167442,-0.000115037905335,4.26023895104,-0.0169104377955,89.5779339625,-0.00241510351775,6.37493074725 +0.4500000000000003,-0.000979990307551,44.0357167442,-0.000107476524761,4.26023895104,-0.0267384670864,89.5779339625,-0.00242920045163,6.37493074725 +0.4550000000000003,-0.00104034092623,44.0357167442,-0.000101631778891,4.26023895104,-0.0485577816502,89.5779339625,-0.00245839075619,6.37493074725 +0.4600000000000003,-0.00101105932075,44.0357167442,-9.7133762618e-05,4.26023895104,-0.115008653783,89.5779339625,-0.00250423197698,6.37493074725 +0.4650000000000003,-0.000835758543549,44.0357167442,-9.37324469875e-05,4.26023895104,-0.558814625608,89.5779339625,-0.00256918057227,6.37493074725 +0.4700000000000003,-0.000197511945031,44.0357167442,-9.12588907404e-05,4.26023895104,10.5622659818,89.5779339625,-0.0026568850777,6.37493074725 +0.4750000000000003,-0.00120658782902,44.0357167442,-8.96022798672e-05,4.26023895104,0.248409416677,89.5779339625,-0.00277267748798,6.37493074725 +0.4800000000000003,-0.00200560785636,44.0357167442,-8.86964203642e-05,4.26023895104,0.0696616165828,89.5779339625,-0.00292440131514,6.37493074725 +0.4850000000000003,-0.00293042744372,44.0357167442,-8.85123865531e-05,4.26023895104,0.030694566771,89.5779339625,-0.00312384969114,6.37493074725 +0.4900000000000003,-0.00351792539219,44.0357167442,-8.90557076899e-05,4.26023895104,0.0142117199018,89.5779339625,-0.00338938462777,6.37493074725 +0.49500000000000033,-0.00355039112854,44.0357167442,-9.06229094189e-05,4.26023895104,0.00873543121424,89.5779339625,-0.00358403899994,6.37493074725 diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_4.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_4.csv new file mode 100644 index 0000000000..ff1fa5330e --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_4.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,0.0429210774314,42.5042920116,-2.58763599149e-07,3.98721450795,-0.000120323536489,66.759187629,-0.000796863362781,4.48705711319 +0.005,0.0226746864051,42.5042920116,-1.88277487412e-07,3.98721450795,-0.000171892942393,66.759187629,-0.000929513052436,4.48705711319 +0.01,0.00948034831461,42.5042920116,-1.26220962855e-07,3.98721450795,-0.000229894838287,66.759187629,-0.00104518996265,4.48705711319 +0.015,0.00504745948265,42.5042920116,-1.00227636928e-07,3.98721450795,-0.000248962142634,66.759187629,-0.00114111342525,4.48705711319 +0.02,0.00324592787473,42.5042920116,-8.65928444463e-08,3.98721450795,-0.000227867826804,66.759187629,-0.00121943520563,4.48705711319 +0.025,0.00232993477961,42.5042920116,-7.86214709853e-08,3.98721450795,-0.00013402192684,66.759187629,-0.00128346585793,4.48705711319 +0.030000000000000002,0.00179391456704,42.5042920116,-7.36945495633e-08,3.98721450795,-0.000206415110238,66.759187629,-0.00133694718389,4.48705711319 +0.035,0.00144667287407,42.5042920116,-7.05830847373e-08,3.98721450795,-0.000362071372763,66.759187629,-0.00138362347067,4.48705711319 +0.04,0.00120207269493,42.5042920116,-6.86420609604e-08,3.98721450795,-0.000497803270943,66.759187629,-0.00142708439538,4.48705711319 +0.045,0.0010157437165,42.5042920116,-6.75098847705e-08,3.98721450795,-0.000625984327108,66.759187629,-0.00147081240357,4.48705711319 +0.049999999999999996,0.00086177528289,42.5042920116,-6.697888141e-08,3.98721450795,-0.000748350300887,66.759187629,-0.00151838382794,4.48705711319 +0.05499999999999999,0.000722507845852,42.5042920116,-6.69338177234e-08,3.98721450795,-0.000862542715507,66.759187629,-0.00157381653281,4.48705711319 +0.05999999999999999,0.000582561073969,42.5042920116,-6.73212386682e-08,3.98721450795,-0.000961349666028,66.759187629,-0.00164212091784,4.48705711319 +0.06499999999999999,0.0004211342774,42.5042920116,-6.81347083464e-08,3.98721450795,-0.00102838300159,66.759187629,-0.00173021828307,4.48705711319 +0.06999999999999999,0.000162786739969,42.5042920116,-6.94098178089e-08,3.98721450795,-0.00102677084006,66.759187629,-0.00184861620323,4.48705711319 +0.075,0.00034106477075,42.5042920116,-7.12269812792e-08,3.98721450795,-0.000868030128589,66.759187629,-0.0020147990761,4.48705711319 +0.08,0.0004972559862,42.5042920116,-7.37228333179e-08,3.98721450795,-0.00031283261033,66.759187629,-0.00226095887481,4.48705711319 +0.085,0.000593755539392,42.5042920116,-7.71142257423e-08,3.98721450795,0.00142469563485,66.759187629,-0.00265450907693,4.48705711319 +0.09000000000000001,0.000634568800506,42.5042920116,-8.17444706042e-08,3.98721450795,0.00794338166618,66.759187629,-0.00336571625527,4.48705711319 +0.09500000000000001,0.000585074665124,42.5042920116,-8.81740968284e-08,3.98721450795,0.052586474673,66.759187629,-0.00498758515964,4.48705711319 +0.10000000000000002,0.000270781852557,42.5042920116,-9.73708918137e-08,3.98721450795,38.7746264822,66.759187629,-0.0120120481056,4.48705711319 +0.10500000000000002,0.000757029486118,42.5042920116,-1.11149996745e-07,3.98721450795,0.0561008491517,66.759187629,0.016906922426,4.48705711319 +0.11000000000000003,0.00137201077802,42.5042920116,-1.33351571451e-07,3.98721450795,-0.00907661822362,66.759187629,0.00429969732494,4.48705711319 +0.11500000000000003,0.00208175711366,42.5042920116,-1.73752370979e-07,3.98721450795,-0.0058558890574,66.759187629,0.00224619323667,4.48705711319 +0.12000000000000004,0.00295502637821,42.5042920116,-2.6678180566e-07,3.98721450795,-0.00356580543577,66.759187629,0.00140964362005,4.48705711319 +0.12500000000000003,0.00405555745997,42.5042920116,-6.8208376736e-07,3.98721450795,-0.00218549740419,66.759187629,0.000955906724491,4.48705711319 +0.13000000000000003,0.00546829882086,42.5042920116,9.11716916966e-07,3.98721450795,-0.00131181090369,66.759187629,0.000668584961619,4.48705711319 +0.13500000000000004,0.00731272280983,42.5042920116,2.53882503244e-07,3.98721450795,-0.000741205705695,66.759187629,0.000465353123277,4.48705711319 +0.14000000000000004,0.00979233197895,42.5042920116,1.41770170644e-07,3.98721450795,-0.000370423952588,66.759187629,0.000306624514363,4.48705711319 +0.14500000000000005,0.0132679696351,42.5042920116,9.58209299766e-08,3.98721450795,-0.000141684029447,66.759187629,0.000169123601339,4.48705711319 +0.15000000000000005,0.0184599442821,42.5042920116,7.09598310371e-08,3.98721450795,-1.8189824464e-05,66.759187629,3.57011774437e-05,4.48705711319 +0.15500000000000005,0.027006076227,42.5042920116,5.53787665993e-08,3.98721450795,2.69263886216e-05,66.759187629,-0.000110071393958,4.48705711319 +0.16000000000000006,0.043396473075,42.5042920116,4.46007295061e-08,3.98721450795,1.5928461347e-05,66.759187629,-0.000288492400047,4.48705711319 +0.16500000000000006,0.0843617976709,42.5042920116,3.65315142319e-08,3.98721450795,-2.94908601559e-05,66.759187629,-0.000530187585482,4.48705711319 +0.17000000000000007,0.267437191886,42.5042920116,3.00400154852e-08,3.98721450795,-7.85844859953e-05,66.759187629,-0.000888878364737,4.48705711319 +0.17500000000000007,39.5995642727,42.5042920116,2.44435800989e-08,3.98721450795,-6.27524842825e-05,66.759187629,-0.00147282126673,4.48705711319 +0.18000000000000008,-0.23283495524,42.5042920116,1.92899105945e-08,3.98721450795,-0.000393031455422,66.759187629,-0.00254096674367,4.48705711319 +0.18500000000000008,-0.0377029647036,42.5042920116,1.42532665899e-08,3.98721450795,-0.00108059648222,66.759187629,-0.00490601136197,4.48705711319 +0.19000000000000009,-0.00971931953573,42.5042920116,9.07998394214e-09,3.98721450795,-0.00335193053527,66.759187629,-0.0131052537905,4.48705711319 +0.1950000000000001,-0.00194402012534,42.5042920116,3.55695341194e-09,3.98721450795,0.0288157080111,66.759187629,0.111119637429,4.48705711319 +0.2000000000000001,0.000789007424842,42.5042920116,-2.50881765595e-09,3.98721450795,0.00340489956191,66.759187629,0.0153398752177,4.48705711319 +0.2050000000000001,0.0018069467301,42.5042920116,-9.30551098934e-09,3.98721450795,0.000886249897845,66.759187629,0.00986487757469,4.48705711319 +0.2100000000000001,0.00213415233223,42.5042920116,-1.70301205364e-08,3.98721450795,0.00197434274466,66.759187629,0.00806219680965,4.48705711319 +0.2150000000000001,0.00215386971424,42.5042920116,-2.59028992996e-08,3.98721450795,0.00290357965995,66.759187629,0.00725423053019,4.48705711319 +0.2200000000000001,0.00202794684625,42.5042920116,-3.6185051716e-08,3.98721450795,0.00375669037958,66.759187629,0.00684304922233,4.48705711319 +0.22500000000000012,0.00182964836656,42.5042920116,-4.82026922119e-08,3.98721450795,0.00466691769981,66.759187629,0.00661376008556,4.48705711319 +0.23000000000000012,0.00159240713508,42.5042920116,-6.23815436944e-08,3.98721450795,0.0056899302253,66.759187629,0.00646782307292,4.48705711319 +0.23500000000000013,0.00132912495027,42.5042920116,-7.92997498631e-08,3.98721450795,0.00687479377827,66.759187629,0.00635446011184,4.48705711319 +0.24000000000000013,0.00103830732174,42.5042920116,-9.97718983184e-08,3.98721450795,0.00829023332622,66.759187629,0.00624755081057,4.48705711319 +0.24500000000000013,0.000695902939527,42.5042920116,-1.24989041547e-07,3.98721450795,0.0100518332475,66.759187629,0.00613577254167,4.48705711319 +0.2500000000000001,0.000101370151465,42.5042920116,-1.56764737434e-07,3.98721450795,0.012369599866,66.759187629,0.00601710796228,4.48705711319 +0.2550000000000001,0.000634366192399,42.5042920116,-1.97995682254e-07,3.98721450795,0.0156538682364,66.759187629,0.00589508561284,4.48705711319 +0.2600000000000001,0.00082781465752,42.5042920116,-2.53594408295e-07,3.98721450795,0.0207982301542,66.759187629,0.00577606148122,4.48705711319 +0.2650000000000001,0.000918695455897,42.5042920116,-3.32577490134e-07,3.98721450795,0.03011459243,66.759187629,0.00566738644425,4.48705711319 +0.27000000000000013,0.000922393059111,42.5042920116,-4.53417758407e-07,3.98721450795,0.0515980644232,66.759187629,0.00557635785787,4.48705711319 +0.27500000000000013,0.000810988865628,42.5042920116,-6.60714425601e-07,3.98721450795,0.135225219331,66.759187629,0.00550979895751,4.48705711319 +0.28000000000000014,0.000429693569777,42.5042920116,-1.09630466535e-06,3.98721450795,6.40304262548,66.759187629,0.00547408567939,4.48705711319 +0.28500000000000014,0.000836941171462,42.5042920116,-2.57998984252e-06,3.98721450795,-0.0676096373694,66.759187629,0.00547546782487,4.48705711319 +0.29000000000000015,0.00149558143108,42.5042920116,1.4219102203e-05,3.98721450795,0.00307629826549,66.759187629,0.00552058943328,4.48705711319 +0.29500000000000015,0.0021822027933,42.5042920116,2.13160505556e-06,3.98721450795,0.00891691456767,66.759187629,0.00561718127105,4.48705711319 +0.30000000000000016,0.00299665187208,42.5042920116,1.22797162496e-06,3.98721450795,0.00920720850351,66.759187629,0.00577497045255,4.48705711319 +0.30500000000000016,0.00401320233112,42.5042920116,9.00824709804e-07,3.98721450795,0.00865182782854,66.759187629,0.00600693866764,4.48705711319 +0.31000000000000016,0.00533813206754,42.5042920116,7.35608245292e-07,3.98721450795,0.00802948301508,66.759187629,0.00633119058333,4.48705711319 +0.31500000000000017,0.00713895234598,42.5042920116,6.391190097e-07,3.98721450795,0.0074994321322,66.759187629,0.00677393065121,4.48705711319 +0.3200000000000002,0.00970139430055,42.5042920116,5.78826939322e-07,3.98721450795,0.00708861919897,66.759187629,0.00737453216484,4.48705711319 +0.3250000000000002,0.0135511035394,42.5042920116,5.40573372057e-07,3.98721450795,0.00679369640653,66.759187629,0.00819477189801,4.48705711319 +0.3300000000000002,0.0197463011782,42.5042920116,5.17382815126e-07,3.98721450795,0.00660658399877,66.759187629,0.00933697928399,4.48705711319 +0.3350000000000002,0.0306862090327,42.5042920116,5.05628031261e-07,3.98721450795,0.00652090328567,66.759187629,0.0109831765145,4.48705711319 +0.3400000000000002,0.052812109418,42.5042920116,5.03497651392e-07,3.98721450795,0.00653080602865,66.759187629,0.013490399851,4.48705711319 +0.3450000000000002,0.108669379282,42.5042920116,5.10344625298e-07,3.98721450795,0.0066143683227,66.759187629,0.0176659657383,4.48705711319 +0.3500000000000002,0.327916981531,42.5042920116,5.26445243661e-07,3.98721450795,0.00661349469494,66.759187629,0.0258010135602,4.48705711319 +0.3550000000000002,4.28211784458,42.5042920116,5.53014421849e-07,3.98721450795,0.00428355613997,66.759187629,0.0479679116919,4.48705711319 +0.3600000000000002,-1.72737927465,42.5042920116,5.92469615203e-07,3.98721450795,0.0598805140848,66.759187629,0.320488445035,4.48705711319 +0.3650000000000002,-0.252385762398,42.5042920116,6.49066803354e-07,3.98721450795,-0.0178157238898,66.759187629,-0.0704216940179,4.48705711319 +0.3700000000000002,-0.0970498592263,42.5042920116,7.30268777375e-07,3.98721450795,-0.00912335434355,66.759187629,-0.0323414408996,4.48705711319 +0.3750000000000002,-0.0510997449507,42.5042920116,8.49823350608e-07,3.98721450795,-0.00607576940993,66.759187629,-0.0213324395113,4.48705711319 +0.3800000000000002,-0.0314679759659,42.5042920116,1.03550939194e-06,3.98721450795,-0.00418520580298,66.759187629,-0.0161446716253,4.48705711319 +0.38500000000000023,-0.0212652656032,42.5042920116,1.35240949531e-06,3.98721450795,-0.00246994248335,66.759187629,-0.0131564505625,4.48705711319 +0.39000000000000024,-0.0152626267732,42.5042920116,1.99597568289e-06,3.98721450795,-0.00154539191705,66.759187629,-0.0112348313784,4.48705711319 +0.39500000000000024,-0.0114072215996,42.5042920116,3.94244581426e-06,3.98721450795,-0.00316256442031,66.759187629,-0.00991158466035,4.48705711319 +0.40000000000000024,-0.0067360329184,42.5042920116,0.00198158465299,3.98721450795,-0.00423571471397,66.759187629,-0.00895835104381,4.48705711319 +0.40500000000000025,-0.00684823860276,42.5042920116,-3.91645782784e-06,3.98721450795,-0.00521943667849,66.759187629,-0.00825075885281,4.48705711319 +0.41000000000000025,-0.00537779227538,42.5042920116,-1.95743492122e-06,3.98721450795,-0.00625695264411,66.759187629,-0.00771556614524,4.48705711319 +0.41500000000000026,-0.00419484847639,42.5042920116,-1.31016463528e-06,3.98721450795,-0.00745057784587,66.759187629,-0.00730712797707,4.48705711319 +0.42000000000000026,-0.00318347032955,42.5042920116,-9.90279960958e-07,3.98721450795,-0.00891354299678,66.759187629,-0.00699583007917,4.48705711319 +0.42500000000000027,-0.00224227447456,42.5042920116,-8.01265222945e-07,3.98721450795,-0.0108057641842,66.759187629,-0.00676196303412,4.48705711319 +0.43000000000000027,-0.00119556732437,42.5042920116,-6.77696585071e-07,3.98721450795,-0.0133872541632,66.759187629,-0.00659229113583,4.48705711319 +0.4350000000000003,-0.00106997831016,42.5042920116,-5.91579834478e-07,3.98721450795,-0.0171283424976,66.759187629,-0.00647805623747,4.48705711319 +0.4400000000000003,-0.00172079794154,42.5042920116,-5.28953461569e-07,3.98721450795,-0.0229794936926,66.759187629,-0.00641379963993,4.48705711319 +0.4450000000000003,-0.00203410408163,42.5042920116,-4.82094359825e-07,3.98721450795,-0.0331536939865,66.759187629,-0.00639668695263,4.48705711319 +0.4500000000000003,-0.00216100873046,42.5042920116,-4.46402356048e-07,3.98721450795,-0.0539861420004,66.759187629,-0.00642617502383,4.48705711319 +0.4550000000000003,-0.00210363027754,42.5042920116,-4.18985889726e-07,3.98721450795,-0.111146945632,66.759187629,-0.00650394815919,4.48705711319 +0.4600000000000003,-0.00176105807225,42.5042920116,-3.97956738826e-07,3.98721450795,-0.429428331653,66.759187629,-0.00663411182462,4.48705711319 +0.4650000000000003,-0.000372612174265,42.5042920116,-3.82052477928e-07,3.98721450795,21.6477935554,66.759187629,-0.00682368905246,4.48705711319 +0.4700000000000003,-0.00233396934444,42.5042920116,-3.70423512373e-07,3.98721450795,0.167903604109,66.759187629,-0.00708353895997,4.48705711319 +0.4750000000000003,-0.00392265940012,42.5042920116,-3.62508888754e-07,3.98721450795,0.029815419391,66.759187629,-0.00742993924142,4.48705711319 +0.4800000000000003,-0.00572445365239,42.5042920116,-3.57963463503e-07,3.98721450795,0.00504778962659,66.759187629,-0.00788730678225,4.48705711319 +0.4850000000000003,-0.00795415100207,42.5042920116,-3.56617334839e-07,3.98721450795,-0.00283666412034,66.759187629,-0.00849301391408,4.48705711319 +0.4900000000000003,-0.0093486859661,42.5042920116,-3.58458029622e-07,3.98721450795,-0.00547953090847,66.759187629,-0.00930635054146,4.48705711319 +0.49500000000000033,-0.0092688521603,42.5042920116,-3.63243997867e-07,3.98721450795,-0.0052355779109,66.759187629,-0.00986663997715,4.48705711319 diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_5.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_5.csv new file mode 100644 index 0000000000..6ebce8d9c4 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_5.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,0.0596713136288,8.24785892678,0.00298335892525,1.48821899309,-0.000757996482247,88.6649849004,-0.00406841717664,10.0143918804 +0.005,0.0403887199817,8.24785892678,0.00171671719339,1.48821899309,-0.00107493516114,88.6649849004,-0.00488602335465,10.0143918804 +0.01,0.021457268462,8.24785892678,0.000975379420475,1.48821899309,-0.00141215541624,88.6649849004,-0.00564642650618,10.0143918804 +0.015,0.0127563458085,8.24785892678,0.000727419522316,1.48821899309,-0.00147908293,88.6649849004,-0.00629338354185,10.0143918804 +0.02,0.00872814053437,8.24785892678,0.000609364278666,1.48821899309,-0.00123396522493,88.6649849004,-0.00683550516393,10.0143918804 +0.025,0.00650963278358,8.24785892678,0.000544211823823,1.48821899309,-0.000589067651169,88.6649849004,-0.00729193620353,10.0143918804 +0.030000000000000002,0.00513558205016,8.24785892678,0.000505691997334,1.48821899309,-0.00194710576048,88.6649849004,-0.00768719897151,10.0143918804 +0.035,0.00420352750503,8.24785892678,0.000482460496942,1.48821899309,-0.00304922240933,88.6649849004,-0.00804796258607,10.0143918804 +0.04,0.00351884235798,8.24785892678,0.000468904545084,1.48821899309,-0.00419803017967,88.6649849004,-0.00840196492834,10.0143918804 +0.045,0.00297504601393,8.24785892678,0.000462034673272,1.48821899309,-0.00548201849669,88.6649849004,-0.00877888136346,10.0143918804 +0.049999999999999996,0.00250571822,8.24785892678,0.000460238192027,1.48821899309,-0.0069924432328,88.6649849004,-0.00921311644611,10.0143918804 +0.05499999999999999,0.00206093021495,8.24785892678,0.00046272484273,1.48821899309,-0.00886316536524,88.6649849004,-0.00974918165639,10.0143918804 +0.05999999999999999,0.00158871198812,8.24785892678,0.000469274912157,1.48821899309,-0.0113187216975,88.6649849004,-0.0104518013672,10.0143918804 +0.06499999999999999,0.000988371849631,8.24785892678,0.000480146618648,1.48821899309,-0.0147741561945,88.6649849004,-0.0114264825561,10.0143918804 +0.06999999999999999,0.000676215099715,8.24785892678,0.00049609536498,1.48821899309,-0.020084690738,88.6649849004,-0.0128667572569,10.0143918804 +0.075,0.00133455218979,8.24785892678,0.000518510317718,1.48821899309,-0.0292866271455,88.6649849004,-0.0151814075195,10.0143918804 +0.08,0.00171016539995,8.24785892678,0.000549728584591,1.48821899309,-0.0483906245799,88.6649849004,-0.0194249514852,10.0143918804 +0.085,0.00192742797663,8.24785892678,0.000593689238732,1.48821899309,-0.103111832075,88.6649849004,-0.0294376198302,10.0143918804 +0.09000000000000001,0.00195402838494,8.24785892678,0.000657345156865,1.48821899309,-0.471703756869,88.6649849004,-0.0791623868258,10.0143918804 +0.09500000000000001,0.00162516047845,8.24785892678,0.000754018281161,1.48821899309,1.43000657874,88.6649849004,0.0744809851547,10.0143918804 +0.10000000000000002,0.000923616725523,8.24785892678,0.00091266775343,1.48821899309,-0.571870902273,88.6649849004,0.0220317175692,10.0143918804 +0.10500000000000002,0.00292931472298,8.24785892678,0.00121018808551,1.48821899309,0.0288985355573,88.6649849004,0.0117726263778,10.0143918804 +0.11000000000000003,0.00501373470027,8.24785892678,0.00194053930215,1.48821899309,0.014109616023,88.6649849004,0.00742208599557,10.0143918804 +0.11500000000000003,0.00935304905678,8.24785892678,0.00622084422909,1.48821899309,0.0072327244666,88.6649849004,0.00501421121827,10.0143918804 +0.12000000000000004,0.00557777361093,8.24785892678,-0.00419647674731,1.48821899309,0.00402850056889,88.6649849004,0.0034655397324,10.0143918804 +0.12500000000000003,0.00979531259825,8.24785892678,-0.00146689800694,1.48821899309,0.00232548826702,88.6649849004,0.00235124503231,10.0143918804 +0.13000000000000003,0.0133606850495,8.24785892678,-0.000855532526256,1.48821899309,0.00127999798831,88.6649849004,0.00146085878973,10.0143918804 +0.13500000000000004,0.0174879599859,8.24785892678,-0.000588332333143,1.48821899309,0.000528773650119,88.6649849004,0.000664996972855,10.0143918804 +0.14000000000000004,0.0226368480777,8.24785892678,-0.000439190074375,1.48821899309,-0.000100807061824,88.6649849004,-0.000138609996942,10.0143918804 +0.14500000000000005,0.0294566671809,8.24785892678,-0.000343740532731,1.48821899309,-0.000698434803965,88.6649849004,-0.00105702932118,10.0143918804 +0.15000000000000005,0.0392098652043,8.24785892678,-0.00027648285387,1.48821899309,-0.00131574760004,88.6649849004,-0.00223431321915,10.0143918804 +0.15500000000000005,0.0547844237937,8.24785892678,-0.000225122804365,1.48821899309,-0.00198529921049,88.6649849004,-0.00390419938065,10.0143918804 +0.16000000000000006,0.0842651389076,8.24785892678,-0.000182853018662,1.48821899309,-0.00272108972718,88.6649849004,-0.00650638427369,10.0143918804 +0.16500000000000006,0.159580340992,8.24785892678,-0.000145469148075,1.48821899309,-0.00347548611167,88.6649849004,-0.0110061048826,10.0143918804 +0.17000000000000007,0.557091294957,8.24785892678,-0.000110121372337,1.48821899309,-0.00381481852366,88.6649849004,-0.0200364751739,10.0143918804 +0.17500000000000007,-12.1384242322,8.24785892678,-7.47089794775e-05,1.48821899309,-0.00515095255422,88.6649849004,-0.0442706127039,10.0143918804 +0.18000000000000008,-0.0941520654996,8.24785892678,-3.75546659388e-05,1.48821899309,-0.0515638711526,88.6649849004,-0.233327481272,10.0143918804 +0.18500000000000008,0.0018466895338,8.24785892678,2.79275341826e-06,1.48821899309,0.0333257910685,88.6649849004,0.126394256539,10.0143918804 +0.19000000000000009,0.0133909013309,8.24785892678,4.76982268389e-05,1.48821899309,0.0172005373907,88.6649849004,0.0625477836308,10.0143918804 +0.1950000000000001,0.0143676846347,8.24785892678,9.85617929314e-05,1.48821899309,0.0121238960739,88.6649849004,0.0468546843259,10.0143918804 +0.2000000000000001,0.0132454111181,8.24785892678,0.000156948474826,1.48821899309,0.00827846218308,88.6649849004,0.0400419738136,10.0143918804 +0.2050000000000001,0.0117267281422,8.24785892678,0.0002247530508,1.48821899309,0.00133580976173,88.6649849004,0.0362515822189,10.0143918804 +0.2100000000000001,0.0102332976647,8.24785892678,0.000304434305905,1.48821899309,0.00826207087629,88.6649849004,0.0337155746563,10.0143918804 +0.2150000000000001,0.00886570331014,8.24785892678,0.00039937447819,1.48821899309,0.0121255466836,88.6649849004,0.0317290507048,10.0143918804 +0.2200000000000001,0.00763179050478,8.24785892678,0.000514465319497,1.48821899309,0.0153977370759,88.6649849004,0.0299841819658,10.0143918804 +0.22500000000000012,0.00651080937819,8.24785892678,0.000657122258536,1.48821899309,0.0184644969169,88.6649849004,0.0283560491967,10.0143918804 +0.23000000000000012,0.00547180244936,8.24785892678,0.000839160330791,1.48821899309,0.0215190905751,88.6649849004,0.0268104540029,10.0143918804 +0.23500000000000013,0.00447528974898,8.24785892678,0.0010805523007,1.48821899309,0.0247442361023,88.6649849004,0.0253553383884,10.0143918804 +0.24000000000000013,0.00346065703489,8.24785892678,0.00141775096251,1.48821899309,0.0283731794415,88.6649849004,0.0240136424542,10.0143918804 +0.24500000000000013,0.00228209057012,8.24785892678,0.00192473674602,1.48821899309,0.0327444444255,88.6649849004,0.0228093281116,10.0143918804 +0.2500000000000001,0.000963759113803,8.24785892678,0.00277733359964,1.48821899309,0.0383976269936,88.6649849004,0.0217617348428,10.0143918804 +0.2550000000000001,0.00279843287944,8.24785892678,0.00451877901988,1.48821899309,0.0462869018341,88.6649849004,0.020884730362,10.0143918804 +0.2600000000000001,0.00488298519198,8.24785892678,0.0100623683817,1.48821899309,0.0583319673375,88.6649849004,0.0201882044552,10.0143918804 +0.2650000000000001,-0.0297041651768,8.24785892678,-0.11859949553,1.48821899309,0.0791368497688,88.6649849004,0.0196804580253,10.0143918804 +0.27000000000000013,-6.8287722189e-05,8.24785892678,-0.00961118985076,1.48821899309,0.123256380142,88.6649849004,0.019370816832,10.0143918804 +0.27500000000000013,0.0009351269037,8.24785892678,-0.00529731502892,1.48821899309,0.271026421874,88.6649849004,0.0192723176787,10.0143918804 +0.28000000000000014,0.00064468430119,8.24785892678,-0.00379500073563,1.48821899309,10.9596495355,88.6649849004,0.0194046465312,10.0143918804 +0.28500000000000014,0.00149933499259,8.24785892678,-0.00304127280144,1.48821899309,0.139037315517,88.6649849004,0.019797766401,10.0143918804 +0.29000000000000015,0.00279923531861,8.24785892678,-0.00259708281353,1.48821899309,0.0964728011067,88.6649849004,0.0204969877759,10.0143918804 +0.29500000000000015,0.00421500842565,8.24785892678,-0.00231253010197,1.48821899309,0.0718072142544,88.6649849004,0.021570783776,10.0143918804 +0.30000000000000016,0.00588709888809,8.24785892678,-0.00212285238844,1.48821899309,0.0585401547807,88.6649849004,0.0231237670441,10.0143918804 +0.30500000000000016,0.00796095808816,8.24785892678,-0.00199589698276,1.48821899309,0.0509454886095,88.6649849004,0.0253196873874,10.0143918804 +0.31000000000000016,0.0106456583905,8.24785892678,-0.00191434209572,1.48821899309,0.0466973452571,88.6649849004,0.0284250738279,10.0143918804 +0.31500000000000017,0.014274995554,8.24785892678,-0.00186856406525,1.48821899309,0.0448414265161,88.6649849004,0.0328990905541,10.0143918804 +0.3200000000000002,0.0194208518108,8.24785892678,-0.0018534577933,1.48821899309,0.0451499679176,88.6649849004,0.0395989671083,10.0143918804 +0.3250000000000002,0.0271369486365,8.24785892678,-0.00186696803183,1.48821899309,0.0480780970995,88.6649849004,0.0503216477519,10.0143918804 +0.3300000000000002,0.0395449317938,8.24785892678,-0.00190949210519,1.48821899309,0.0554233382163,88.6649849004,0.0695641047779,10.0143918804 +0.3350000000000002,0.0614484432964,8.24785892678,-0.00198384702554,1.48821899309,0.0738633465716,88.6649849004,0.112619304112,10.0143918804 +0.3400000000000002,0.105693083605,8.24785892678,-0.00209575938315,1.48821899309,0.150828252378,88.6649849004,0.286486021512,10.0143918804 +0.3450000000000002,0.216817117462,8.24785892678,-0.00225505892529,1.48821899309,-0.236469353326,88.6649849004,-0.587626440054,10.0143918804 +0.3500000000000002,0.644584303784,8.24785892678,-0.00247809975398,1.48821899309,-0.0414285202324,88.6649849004,-0.150910767825,10.0143918804 +0.3550000000000002,7.34492012252,8.24785892678,-0.00279269257058,1.48821899309,-0.00951481137276,88.6649849004,-0.089033708049,10.0143918804 +0.3600000000000002,-4.34288558843,8.24785892678,-0.00324886058394,1.48821899309,-0.0118899997706,88.6649849004,-0.0645816384117,10.0143918804 +0.3650000000000002,-0.597040173151,8.24785892678,-0.00394508723374,1.48821899309,-0.012976604334,88.6649849004,-0.0516337014989,10.0143918804 +0.3700000000000002,-0.236129459868,8.24785892678,-0.00510397224372,1.48821899309,-0.0121979687809,88.6649849004,-0.0437121248552,10.0143918804 +0.3750000000000002,-0.134268453419,8.24785892678,-0.00735494869215,1.48821899309,-0.010775383829,88.6649849004,-0.0384315095947,10.0143918804 +0.3800000000000002,-0.0999823476125,8.24785892678,-0.0134387140869,1.48821899309,-0.00885858383799,88.6649849004,-0.0347086528934,10.0143918804 +0.38500000000000023,-0.200080093136,8.24785892678,-0.0828345467557,1.48821899309,-0.00609499699586,88.6649849004,-0.0319814634776,10.0143918804 +0.39000000000000024,-0.00332456893692,8.24785892678,0.0198831111441,1.48821899309,-0.00299919074849,88.6649849004,-0.0299300713768,10.0143918804 +0.39500000000000024,-0.0139173823182,8.24785892678,0.00893055145572,1.48821899309,-0.00789639452663,88.6649849004,-0.0283599192504,10.0143918804 +0.40000000000000024,-0.0133567482408,8.24785892678,0.00580314890957,1.48821899309,-0.0112482581254,88.6649849004,-0.027146786368,10.0143918804 +0.40500000000000025,-0.011518636728,8.24785892678,0.00433379576915,1.48821899309,-0.0143798669505,88.6649849004,-0.0262086004685,10.0143918804 +0.41000000000000025,-0.00962369943993,8.24785892678,0.00348756344363,1.48821899309,-0.0176380464408,88.6649849004,-0.0254899867306,10.0143918804 +0.41500000000000026,-0.00786381952111,8.24785892678,0.00294256478533,1.48821899309,-0.0212625406972,88.6649849004,-0.024953353551,10.0143918804 +0.42000000000000026,-0.00621460160306,8.24785892678,0.00256618619707,1.48821899309,-0.0255097148848,88.6649849004,-0.0245735597875,10.0143918804 +0.42500000000000027,-0.00457043669825,8.24785892678,0.00229387323068,1.48821899309,-0.0307250939343,88.6649849004,-0.0243346685743,10.0143918804 +0.43000000000000027,-0.00266017914029,8.24785892678,0.00209050295774,1.48821899309,-0.0374407956532,88.6649849004,-0.0242280003004,10.0143918804 +0.4350000000000003,-0.00195939305634,8.24785892678,0.00193539386917,1.48821899309,-0.0465622681817,88.6649849004,-0.024251065837,10.0143918804 +0.4400000000000003,-0.0035237192344,8.24785892678,0.00181564315485,1.48821899309,-0.0597938849395,88.6649849004,-0.0244071712941,10.0143918804 +0.4450000000000003,-0.00433452513221,8.24785892678,0.00172285541782,1.48821899309,-0.0807750410009,88.6649849004,-0.024705624287,10.0143918804 +0.4500000000000003,-0.00475641828387,8.24785892678,0.00165141071447,1.48821899309,-0.118816511016,88.6649849004,-0.0251625879,10.0143918804 +0.4550000000000003,-0.00479440772918,8.24785892678,0.00159749364007,1.48821899309,-0.205973204895,88.6649849004,-0.0258027601299,10.0143918804 +0.4600000000000003,-0.00424613982034,8.24785892678,0.00155852659959,1.48821899309,-0.547182482662,88.6649849004,-0.0266622490973,10.0143918804 +0.4650000000000003,-0.00210285895465,8.24785892678,0.00153283231927,1.48821899309,-99.5260284787,88.6649849004,-0.0277933452369,10.0143918804 +0.4700000000000003,-0.00486975364646,8.24785892678,0.00151943582873,1.48821899309,0.0138994713427,88.6649849004,-0.0292725194292,10.0143918804 +0.4750000000000003,-0.00876296610878,8.24785892678,0.00151795932369,1.48821899309,-0.0904834186149,88.6649849004,-0.031214259646,10.0143918804 +0.4800000000000003,-0.0131742533757,8.24785892678,0.00152858754083,1.48821899309,-0.0864760848037,88.6649849004,-0.0337961836701,10.0143918804 +0.4850000000000003,-0.0186745982665,8.24785892678,0.00155209733618,1.48821899309,-0.0793497963282,88.6649849004,-0.0373076250711,10.0143918804 +0.4900000000000003,-0.0222788015269,8.24785892678,0.00158995920005,1.48821899309,-0.0661588985765,88.6649849004,-0.042251805549,10.0143918804 +0.49500000000000033,-0.0223598156224,8.24785892678,0.00163377442119,1.48821899309,-0.0536071163974,88.6649849004,-0.0457815800695,10.0143918804 diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_6.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_6.csv new file mode 100644 index 0000000000..9bd705e86a --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_6.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,-2.70350039542,17.0559298327,-0.340789791761,2.80203717842,0.000156598717836,10.6263294019,0.000259050984778,3.94675903436 +0.005,-0.145014026695,17.0559298327,-0.039757633263,2.80203717842,0.000241969968522,10.6263294019,0.000319658532634,3.94675903436 +0.01,-0.0184342248343,17.0559298327,-0.015265192276,2.80203717842,0.000354422913577,10.6263294019,0.000378452525131,3.94675903436 +0.015,-0.0054159793812,17.0559298327,-0.0101994156969,2.80203717842,0.000424392383677,10.6263294019,0.000429276704692,3.94675903436 +0.02,-0.00225945296386,17.0559298327,-0.00810998496426,2.80203717842,0.00043603625168,10.6263294019,0.000472183459763,3.94675903436 +0.025,-0.00105198298505,17.0559298327,-0.00702895799841,2.80203717842,0.000313733296765,10.6263294019,0.000508200333029,3.94675903436 +0.030000000000000002,-0.000435711422307,17.0559298327,-0.00640849065588,2.80203717842,0.000446231772485,10.6263294019,0.000538925073506,3.94675903436 +0.035,-5.38463247289e-05,17.0559298327,-0.00603628382787,2.80203717842,0.00094894046027,10.6263294019,0.000566218513968,3.94675903436 +0.04,0.000212177867169,17.0559298327,-0.00581376358424,2.80203717842,0.00154717277772,10.6263294019,0.000592049990332,3.94675903436 +0.045,0.00040626422662,17.0559298327,-0.00569012435036,2.80203717842,0.00233695353429,10.6263294019,0.000618491968159,3.94675903436 +0.049999999999999996,0.00054328998326,17.0559298327,-0.00563794815128,2.80203717842,0.00342526139257,10.6263294019,0.000647852891664,3.94675903436 +0.05499999999999999,0.000623791609674,17.0559298327,-0.00564286668971,2.80203717842,0.00497363209646,10.6263294019,0.000682969014109,3.94675903436 +0.05999999999999999,0.000637706405064,17.0559298327,-0.00569886521111,2.80203717842,0.0072474241277,10.6263294019,0.00072775138905,3.94675903436 +0.06499999999999999,0.000559013790756,17.0559298327,-0.00580626402911,2.80203717842,0.0107103866443,10.6263294019,0.000788255622604,3.94675903436 +0.06999999999999999,0.000287481451342,17.0559298327,-0.00597129971804,2.80203717842,0.016232269624,10.6263294019,0.000875002867617,3.94675903436 +0.075,0.000531376376373,17.0559298327,-0.00620707243262,2.80203717842,0.0256008956333,10.6263294019,0.00100877222422,3.94675903436 +0.08,0.000858935124234,17.0559298327,-0.00653625001633,2.80203717842,0.0429883048173,10.6263294019,0.00123811168698,3.94675903436 +0.085,0.00108204272058,17.0559298327,-0.00699682574799,2.80203717842,0.0801531454306,10.6263294019,0.00171063743241,3.94675903436 +0.09000000000000001,0.0011770657274,17.0559298327,-0.00765425421471,2.80203717842,0.182929008938,10.6263294019,0.00319418398349,3.94675903436 +0.09500000000000001,0.00106598461032,17.0559298327,-0.00862891977985,2.80203717842,0.0722659787062,10.6263294019,-0.0558632772073,3.94675903436 +0.10000000000000002,0.000567583320314,17.0559298327,-0.0101665437859,2.80203717842,19.4694915252,10.6263294019,-0.00236621812496,3.94675903436 +0.10500000000000002,0.000667520653281,17.0559298327,-0.0128563411379,2.80203717842,-1.38233592719,10.6263294019,-0.00108614061781,3.94675903436 +0.11000000000000003,-0.000209642723362,17.0559298327,-0.0185517134201,2.80203717842,-0.257274008061,10.6263294019,-0.000648733253403,3.94675903436 +0.11500000000000003,-0.00828452343367,17.0559298327,-0.0376870320832,2.80203717842,-0.0964666432242,10.6263294019,-0.000428477594825,3.94675903436 +0.12000000000000004,0.144707239827,17.0559298327,0.225504523191,2.80203717842,-0.0449010921327,10.6263294019,-0.000294927332069,3.94675903436 +0.12500000000000003,0.03526551275,17.0559298327,0.0256238274837,2.80203717842,-0.0222977585157,10.6263294019,-0.000203317850298,3.94675903436 +0.13000000000000003,0.0331703928247,17.0559298327,0.0129538127074,2.80203717842,-0.0107190798809,10.6263294019,-0.000133519351623,3.94675903436 +0.13500000000000004,0.0369186074587,17.0559298327,0.00841020326735,2.80203717842,-0.0043278080903,10.6263294019,-7.4325301277e-05,3.94675903436 +0.14000000000000004,0.0436136080195,17.0559298327,0.00608914584789,2.80203717842,-0.000736531455036,10.6263294019,-1.78827433674e-05,3.94675903436 +0.14500000000000005,0.0533321888769,17.0559298327,0.00468169339618,2.80203717842,0.00120879479541,10.6263294019,4.30261471329e-05,3.94675903436 +0.15000000000000005,0.0674116919862,17.0559298327,0.00372924865983,2.80203717842,0.00214420007139,10.6263294019,0.000117102174359,3.94675903436 +0.15500000000000005,0.0891968213127,17.0559298327,0.00302732767872,2.80203717842,0.00245434257718,10.6263294019,0.000217359782777,3.94675903436 +0.16000000000000006,0.127404954201,17.0559298327,0.00246903815056,2.80203717842,0.00238171352001,10.6263294019,0.000366651411219,3.94675903436 +0.16500000000000006,0.210920752682,17.0559298327,0.0019913857224,2.80203717842,0.00207262799839,10.6263294019,0.000611341259544,3.94675903436 +0.17000000000000007,0.498933262292,17.0559298327,0.00155338362272,2.80203717842,0.00158067306088,10.6263294019,0.0010637940542,3.94675903436 +0.17500000000000007,6.46878977584,17.0559298327,0.00112593710116,2.80203717842,0.000626655506181,10.6263294019,0.00208610786992,3.94675903436 +0.18000000000000008,-0.655111298002,17.0559298327,0.00068665319288,2.80203717842,0.00207238908005,10.6263294019,0.00585768478698,3.94675903436 +0.18500000000000008,-0.0317676366152,17.0559298327,0.000216876394806,2.80203717842,-0.00564972432766,10.6263294019,-0.0280610566834,3.94675903436 +0.19000000000000009,0.0154397403767,17.0559298327,-0.000300246989807,2.80203717842,-0.000127857177934,10.6263294019,-0.00579642972555,3.94675903436 +0.1950000000000001,0.0209405045381,17.0559298327,-0.000881279280905,2.80203717842,0.000417907653267,10.6263294019,-0.0038052598963,3.94675903436 +0.2000000000000001,0.0193113216303,17.0559298327,-0.00154394429753,2.80203717842,0.00054169521748,10.6263294019,-0.00309861301637,3.94675903436 +0.2050000000000001,0.0162762817161,17.0559298327,-0.00230882190973,2.80203717842,0.000386115804839,10.6263294019,-0.00274818216886,3.94675903436 +0.2100000000000001,0.013146090386,17.0559298327,-0.0032016225129,2.80203717842,0.000583485476929,10.6263294019,-0.00253594406895,3.94675903436 +0.2150000000000001,0.0102444666072,17.0559298327,-0.00425653424934,2.80203717842,0.00115971533675,10.6263294019,-0.00238349915694,3.94675903436 +0.2200000000000001,0.0076307381254,17.0559298327,-0.00552148255128,2.80203717842,0.00178861090912,10.6263294019,-0.00225711318374,3.94675903436 +0.22500000000000012,0.00529130629044,17.0559298327,-0.00706688289465,2.80203717842,0.00255513351549,10.6263294019,-0.00214199093714,3.94675903436 +0.23000000000000012,0.00319965272217,17.0559298327,-0.00900111114621,2.80203717842,0.0035360070843,10.6263294019,-0.00203267234587,3.94675903436 +0.23500000000000013,0.00134241754939,17.0559298327,-0.0114998194579,2.80203717842,0.00483543162566,10.6263294019,-0.00192838052285,3.94675903436 +0.24000000000000013,-0.000251759689033,17.0559298327,-0.0148664146913,2.80203717842,0.00661557445297,10.6263294019,-0.00183040889086,3.94675903436 +0.24500000000000013,-0.00142719330876,17.0559298327,-0.0196711386476,2.80203717842,0.00915138000249,10.6263294019,-0.00174065200117,3.94675903436 +0.2500000000000001,-0.00134156208403,17.0559298327,-0.0271215733256,2.80203717842,0.0129471305693,10.6263294019,-0.00166088128894,3.94675903436 +0.2550000000000001,-0.00454121171289,17.0559298327,-0.0402872724642,2.80203717842,0.0190149428371,10.6263294019,-0.00159249232021,3.94675903436 +0.2600000000000001,-0.0133176210049,17.0559298327,-0.0699107813472,2.80203717842,0.029638700964,10.6263294019,-0.00153651636415,3.94675903436 +0.2650000000000001,-0.0489126794165,17.0559298327,-0.198132500708,2.80203717842,0.0509039942947,10.6263294019,-0.00149375614947,3.94675903436 +0.27000000000000013,0.0886661204926,17.0559298327,0.318548206408,2.80203717842,0.103843483557,10.6263294019,-0.00146496712723,3.94675903436 +0.27500000000000013,0.0263483245148,17.0559298327,0.0962613977282,2.80203717842,0.30629385869,10.6263294019,-0.0014510519733,3.94675903436 +0.28000000000000014,0.0118768455379,17.0559298327,0.0595519445626,2.80203717842,3.52056808431,10.6263294019,-0.00145326716944,3.94675903436 +0.28500000000000014,0.00952071153643,17.0559298327,0.0446187950249,2.80203717842,-1.90127541356,10.6263294019,-0.0014734621324,3.94675903436 +0.29000000000000015,0.0165981439163,17.0559298327,0.0366451537582,2.80203717842,-0.25741702441,10.6263294019,-0.00151439176325,3.94675903436 +0.29500000000000015,0.0218944490705,17.0559298327,0.0317991936693,2.80203717842,-0.0973929163908,10.6263294019,-0.00158017290396,3.94675903436 +0.30000000000000016,0.0272600383624,17.0559298327,0.0286506533365,2.80203717842,-0.0511392440585,10.6263294019,-0.00167701078006,3.94675903436 +0.30500000000000016,0.0334048754438,17.0559298327,0.026549321246,2.80203717842,-0.0316914741449,10.6263294019,-0.00181443793749,3.94675903436 +0.31000000000000016,0.0409491507304,17.0559298327,0.0251625927794,2.80203717842,-0.0217606110383,10.6263294019,-0.00200757071178,3.94675903436 +0.31500000000000017,0.0506987399776,17.0559298327,0.0243090037022,2.80203717842,-0.0160644342904,10.6263294019,-0.0022815310887,3.94675903436 +0.3200000000000002,0.0639049918989,17.0559298327,0.0238888181343,2.80203717842,-0.0125604451552,10.6263294019,-0.00268092991158,3.94675903436 +0.3250000000000002,0.0827222651006,17.0559298327,0.0238525614576,2.80203717842,-0.0103452193036,10.6263294019,-0.00329276522819,3.94675903436 +0.3300000000000002,0.111217443509,17.0559298327,0.0241868439622,2.80203717842,-0.0090194313897,10.6263294019,-0.00431169634744,3.94675903436 +0.3350000000000002,0.157951357965,17.0559298327,0.0249096883531,2.80203717842,-0.00853773267382,10.6263294019,-0.00627995344153,3.94675903436 +0.3400000000000002,0.243821515825,17.0559298327,0.0260728598896,2.80203717842,-0.00967126758226,10.6263294019,-0.0114854974896,3.94675903436 +0.3450000000000002,0.432623370926,17.0559298327,0.0277718222232,2.80203717842,-0.0285605934433,10.6263294019,-0.059909034898,3.94675903436 +0.3500000000000002,1.01217938142,17.0559298327,0.0301673558062,2.80203717842,0.0044207317791,10.6263294019,0.0196764669438,3.94675903436 +0.3550000000000002,5.35107276081,17.0559298327,0.0335292350289,2.80203717842,0.000542683623389,10.6263294019,0.00872235955827,3.94675903436 +0.3600000000000002,-26.5029092581,17.0559298327,0.0383278895683,2.80203717842,4.58421200142e-05,10.6263294019,0.00574069816566,3.94675903436 +0.3650000000000002,-1.06714375597,17.0559298327,0.0454447649229,2.80203717842,-0.000276764471002,10.6263294019,0.00436502065231,3.94675903436 +0.3700000000000002,-0.194506526601,17.0559298327,0.0567256927075,2.80203717842,-0.000574211076725,10.6263294019,0.00358206498815,3.94675903436 +0.3750000000000002,0.0254547730141,17.0559298327,0.076768170879,2.80203717842,-0.000791036912911,10.6263294019,0.00308263480337,3.94675903436 +0.3800000000000002,0.165618826081,17.0559298327,0.121042578893,2.80203717842,-0.000903906892494,10.6263294019,0.00274064040645,3.94675903436 +0.38500000000000023,0.487709481509,17.0559298327,0.294288341458,2.80203717842,-0.00084907668413,10.6263294019,0.00249509373355,3.94675903436 +0.39000000000000024,-1.12196199264,17.0559298327,-0.66528169721,2.80203717842,-0.000221034645325,10.6263294019,0.00231295829839,3.94675903436 +0.39500000000000024,-0.252628102145,17.0559298327,-0.156643811924,2.80203717842,-0.00130640837399,10.6263294019,0.00217484705076,3.94675903436 +0.40000000000000024,-0.133578368846,17.0559298327,-0.0893616762474,2.80203717842,-0.00234046719873,10.6263294019,0.00206870052358,3.94675903436 +0.40500000000000025,-0.0854337532619,17.0559298327,-0.0629971127082,2.80203717842,-0.00360895144704,10.6263294019,0.0019866944264,3.94675903436 +0.41000000000000025,-0.0591443091825,17.0559298327,-0.0490442421112,2.80203717842,-0.00526974216938,10.6263294019,0.00192360550985,3.94675903436 +0.41500000000000026,-0.0423629480901,17.0559298327,-0.0404861292337,2.80203717842,-0.00752448453848,10.6263294019,0.00187589502334,3.94675903436 +0.42000000000000026,-0.0304148034619,17.0559298327,-0.0347579590522,2.80203717842,-0.0106834641405,10.6263294019,0.00184117128988,3.94675903436 +0.42500000000000027,-0.0209983700673,17.0559298327,-0.0307004950546,2.80203717842,-0.0152607917455,10.6263294019,0.0018178656399,3.94675903436 +0.43000000000000027,-0.0124410821025,17.0559298327,-0.0277141606588,2.80203717842,-0.0221631385471,10.6263294019,0.00180503625423,3.94675903436 +0.4350000000000003,-0.00454472183506,17.0559298327,-0.0254585416436,2.80203717842,-0.0331081849945,10.6263294019,0.00180225461043,3.94675903436 +0.4400000000000003,-0.0113462342608,17.0559298327,-0.0237268822941,2.80203717842,-0.0516606353503,10.6263294019,0.00180955095554,3.94675903436 +0.4450000000000003,-0.0138298611298,17.0559298327,-0.0223872489175,2.80203717842,-0.0861888254948,10.6263294019,0.00182740841981,3.94675903436 +0.4500000000000003,-0.0147636569806,17.0559298327,-0.0213524585446,2.80203717842,-0.160170496467,10.6263294019,0.00185680510665,3.94675903436 +0.4550000000000003,-0.0145048375723,17.0559298327,-0.0205636652308,2.80203717842,-0.361214248897,10.6263294019,0.00189931302641,3.94675903436 +0.4600000000000003,-0.0127605113913,17.0559298327,-0.0199809546106,2.80203717842,-1.25893602832,10.6263294019,0.00195727528241,3.94675903436 +0.4650000000000003,-0.00781052890179,17.0559298327,-0.019577787124,2.80203717842,-33.79425033,10.6263294019,0.00203410321329,3.94675903436 +0.4700000000000003,-0.0110367254087,17.0559298327,-0.0193377012923,2.80203717842,3.97807560743,10.6263294019,0.0021347723539,3.94675903436 +0.4750000000000003,-0.0207997247792,17.0559298327,-0.019252453686,2.80203717842,0.775432666046,10.6263294019,0.00226667000184,3.94675903436 +0.4800000000000003,-0.0308859094082,17.0559298327,-0.0193211792233,2.80203717842,0.331561439953,10.6263294019,0.00244110546413,3.94675903436 +0.4850000000000003,-0.0428180997344,17.0559298327,-0.0195504022636,2.80203717842,0.187403608889,10.6263294019,0.00267616096866,3.94675903436 +0.4900000000000003,-0.0497971047289,17.0559298327,-0.0199549168002,2.80203717842,0.107517874098,10.6263294019,0.00300249621271,3.94675903436 +0.49500000000000033,-0.0493790276505,17.0559298327,-0.0204597771465,2.80203717842,0.0736976764024,10.6263294019,0.00323485187901,3.94675903436 diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_7.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_7.csv new file mode 100644 index 0000000000..2c3822db75 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_7.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,-0.0306827499538,9.41582507018,-0.000557451122591,1.11278977424,3.23285962905e-05,26.7626230727,-3.97768207706e-05,3.11855839636 +0.005,0.902904316983,9.41582507018,-0.00112495449284,1.11278977424,0.00010752701866,26.7626230727,-5.11548404776e-05,3.11855839636 +0.01,0.0165880760891,9.41582507018,0.00114089926273,1.11278977424,0.000248267258665,26.7626230727,-6.30232498458e-05,3.11855839636 +0.015,0.00355786035287,9.41582507018,0.000421371820622,1.11278977424,0.00037315669509,26.7626230727,-7.38163161171e-05,3.11855839636 +0.02,0.00161337259969,9.41582507018,0.000278429812737,1.11278977424,0.000462015240706,26.7626230727,-8.33604223263e-05,3.11855839636 +0.025,0.000954019394913,9.41582507018,0.000219869626604,1.11278977424,0.00050508386182,26.7626230727,-9.16902895052e-05,3.11855839636 +0.030000000000000002,0.000647812985872,9.41582507018,0.000189606326064,1.11278977424,0.000455791762794,26.7626230727,-9.90026468141e-05,3.11855839636 +0.035,0.000477958125948,9.41582507018,0.000172252706692,1.11278977424,0.000198308747405,26.7626230727,-0.000105602575883,3.11855839636 +0.04,0.000371801216637,9.41582507018,0.000161899497952,1.11278977424,0.000838707484391,26.7626230727,-0.00011186527912,3.11855839636 +0.045,0.000299200174921,9.41582507018,0.000155826972898,1.11278977424,0.00148760310243,26.7626230727,-0.000118224378687,3.11855839636 +0.049999999999999996,0.00024567597282,9.41582507018,0.00015265197448,1.11278977424,0.00232839457664,26.7626230727,-0.000125192300053,3.11855839636 +0.05499999999999999,0.000203411544118,9.41582507018,0.000151649095753,1.11278977424,0.00347283925572,26.7626230727,-0.000133422167594,3.11855839636 +0.05999999999999999,0.000167662679905,9.41582507018,0.000152467686434,1.11278977424,0.0050734926912,26.7626230727,-0.000143837878484,3.11855839636 +0.06499999999999999,0.00013503915901,9.41582507018,0.000155009611959,1.11278977424,0.0073667798554,26.7626230727,-0.000157905145923,3.11855839636 +0.06999999999999999,0.000102261567593,9.41582507018,0.000159387238238,1.11278977424,0.0107427641775,26.7626230727,-0.000178249677159,3.11855839636 +0.075,6.34386960977e-05,9.41582507018,0.000165936730283,1.11278977424,0.0158853299862,26.7626230727,-0.000210289020811,3.11855839636 +0.08,3.87347745242e-05,9.41582507018,0.000175291467633,1.11278977424,0.0240843846341,26.7626230727,-0.000267577213734,3.11855839636 +0.085,7.96192871896e-05,9.41582507018,0.000188552920371,1.11278977424,0.0379986911922,26.7626230727,-0.000396822094901,3.11855839636 +0.09000000000000001,0.000102571823978,9.41582507018,0.000207663091006,1.11278977424,0.0633224473537,26.7626230727,-0.000941630522183,3.11855839636 +0.09500000000000001,0.000117554274876,9.41582507018,0.000236268340775,1.11278977424,0.132404684301,26.7626230727,0.00145531495952,3.11855839636 +0.10000000000000002,0.000124487282285,9.41582507018,0.000281996779682,1.11278977424,0.31503518025,26.7626230727,0.00035834387222,3.11855839636 +0.10500000000000002,0.000115287091373,9.41582507018,0.000363808896115,1.11278977424,1.59083348437,26.7626230727,0.000187508432009,3.11855839636 +0.11000000000000003,5.1909021237e-05,9.41582507018,0.000545316634447,1.11278977424,-21.3048443491,26.7626230727,0.00011851795602,3.11855839636 +0.11500000000000003,0.000386518403935,9.41582507018,0.00125410530737,1.11278977424,-0.591950911494,26.7626230727,8.12900326612e-05,3.11855839636 +0.12000000000000004,-0.000946482736945,9.41582507018,-0.00276479865149,1.11278977424,-0.155048626235,26.7626230727,5.78629181494e-05,3.11855839636 +0.12500000000000003,-0.000151746541504,9.41582507018,-0.000609212147903,1.11278977424,-0.0601471585328,26.7626230727,4.14666739701e-05,3.11855839636 +0.13000000000000003,-1.03877529358e-06,9.41582507018,-0.000329213157915,1.11278977424,-0.0260683220409,26.7626230727,2.88946006248e-05,3.11855839636 +0.13500000000000004,9.63870452114e-05,9.41582507018,-0.000220024971557,1.11278977424,-0.0108509351514,26.7626230727,1.83209482826e-05,3.11855839636 +0.14000000000000004,0.000184289435455,9.41582507018,-0.000162298633374,1.11278977424,-0.0033447046694,26.7626230727,8.4824235061e-06,3.11855839636 +0.14500000000000005,0.000276411572646,9.41582507018,-0.000126689798503,1.11278977424,0.000448179571599,26.7626230727,-1.72192077198e-06,3.11855839636 +0.15000000000000005,0.000382498002631,9.41582507018,-0.000102428122283,1.11278977424,0.00226833569207,26.7626230727,-1.3516459439e-05,3.11855839636 +0.15500000000000005,0.00051526527586,9.41582507018,-8.45888151489e-05,1.11278977424,0.00298490713824,26.7626230727,-2.85792378502e-05,3.11855839636 +0.16000000000000006,0.000697535958197,9.41582507018,-7.05645801842e-05,1.11278977424,0.00307385503078,26.7626230727,-4.96035508974e-05,3.11855839636 +0.16500000000000006,0.000978872252848,9.41582507018,-5.88136820266e-05,1.11278977424,0.00280852300668,26.7626230727,-8.15087433565e-05,3.11855839636 +0.17000000000000007,0.0014913130025,9.41582507018,-4.83371586243e-05,1.11278977424,0.00234462818666,26.7626230727,-0.000134580255489,3.11855839636 +0.17500000000000007,0.00272017373639,9.41582507018,-3.84330408682e-05,1.11278977424,0.00175903250862,26.7626230727,-0.000234611481383,3.11855839636 +0.18000000000000008,0.00820538933534,9.41582507018,-2.85693413718e-05,1.11278977424,0.0010499187463,26.7626230727,-0.000469253336785,3.11855839636 +0.18500000000000008,-10.6977065865,9.41582507018,-1.83127323453e-05,1.11278977424,0.000377467807423,26.7626230727,-0.00144334631206,3.11855839636 +0.19000000000000009,-0.00181876954186,9.41582507018,-7.28520083071e-06,1.11278977424,0.00198829432899,26.7626230727,0.00380352835494,3.11855839636 +0.1950000000000001,0.000298016909274,9.41582507018,4.86442780661e-06,1.11278977424,0.00172315240834,26.7626230727,0.00114095531263,3.11855839636 +0.2000000000000001,0.000484613282186,9.41582507018,1.84806778369e-05,1.11278977424,0.00173198505852,26.7626230727,0.000802430356588,3.11855839636 +0.2050000000000001,0.000478409389526,9.41582507018,3.39168035716e-05,1.11278977424,0.00164113577386,26.7626230727,0.000692843913681,3.11855839636 +0.2100000000000001,0.000443143571947,9.41582507018,5.15473038338e-05,1.11278977424,0.00137529101676,26.7626230727,0.000657905411826,3.11855839636 +0.2150000000000001,0.000406683877593,9.41582507018,7.17787175624e-05,1.11278977424,0.000633598181294,26.7626230727,0.000660244626901,3.11855839636 +0.2200000000000001,0.000374086409908,9.41582507018,9.50594242387e-05,1.11278977424,0.00145154624477,26.7626230727,0.000687097357742,3.11855839636 +0.22500000000000012,0.000345348559774,9.41582507018,0.000121888944865,1.11278977424,0.0024919919182,26.7626230727,0.000733691388974,3.11855839636 +0.23000000000000012,0.000319182009349,9.41582507018,0.000152827124769,1.11278977424,0.00359454513161,26.7626230727,0.000798644650834,3.11855839636 +0.23500000000000013,0.000293887601063,9.41582507018,0.000188503543319,1.11278977424,0.00490517967202,26.7626230727,0.000882352195968,3.11855839636 +0.24000000000000013,0.000267455857994,9.41582507018,0.000229627527076,1.11278977424,0.0065590112144,26.7626230727,0.000986327669379,3.11855839636 +0.24500000000000013,0.000237319510863,9.41582507018,0.000276999245557,1.11278977424,0.0087409751708,26.7626230727,0.00111289297195,3.11855839636 +0.2500000000000001,0.000199579114608,9.41582507018,0.000331522555985,1.11278977424,0.0117404008389,26.7626230727,0.00126498847598,3.11855839636 +0.2550000000000001,0.000146057429909,9.41582507018,0.000394220556496,1.11278977424,0.0160477113723,26.7626230727,0.00144599092204,3.11855839636 +0.2600000000000001,1.90837157492e-05,9.41582507018,0.000466255236193,1.11278977424,0.0225605981899,26.7626230727,0.00165945967176,3.11855839636 +0.2650000000000001,0.000151737370652,9.41582507018,0.000548953216518,1.11278977424,0.0330806750009,26.7626230727,0.00190873844014,3.11855839636 +0.27000000000000013,0.000218700149796,9.41582507018,0.000643840421163,1.11278977424,0.0516929209211,26.7626230727,0.00219634308257,3.11855839636 +0.27500000000000013,0.0002670189776,9.41582507018,0.00075268968204,1.11278977424,0.0894273854518,26.7626230727,0.00252308720763,3.11855839636 +0.28000000000000014,0.000295840969064,9.41582507018,0.000877586934222,1.11278977424,0.185555738772,26.7626230727,0.002886961159,3.11855839636 +0.28500000000000014,0.00029146395723,9.41582507018,0.00102102402236,1.11278977424,0.577167840156,26.7626230727,0.00328190958063,3.11855839636 +0.29000000000000015,0.000204925986361,9.41582507018,0.00118602966583,1.11278977424,10.2487352137,26.7626230727,0.00369684641987,3.11855839636 +0.29500000000000015,0.000284536483274,9.41582507018,0.00137635556721,1.11278977424,-1.99347013948,26.7626230727,0.00411543626571,3.11855839636 +0.30000000000000016,0.000596911791929,9.41582507018,0.00159674334825,1.11278977424,-0.320959386856,26.7626230727,0.0045171998707,3.11855839636 +0.30500000000000016,0.000957747446753,9.41582507018,0.00185331241199,1.11278977424,-0.120733662553,26.7626230727,0.00488018580299,3.11855839636 +0.31000000000000016,0.00141891567545,9.41582507018,0.00215413353736,1.11278977424,-0.0605269635727,26.7626230727,0.0051847701627,3.11855839636 +0.31500000000000017,0.00203066329996,9.41582507018,0.00251009686648,1.11278977424,-0.0350851626381,26.7626230727,0.00541742730367,3.11855839636 +0.3200000000000002,0.0028638633866,9.41582507018,0.00293626382708,1.11278977424,-0.0222276102019,26.7626230727,0.00557310011959,3.11855839636 +0.3250000000000002,0.00402927490083,9.41582507018,0.00345404844976,1.11278977424,-0.0149751184191,26.7626230727,0.00565536595129,3.11855839636 +0.3300000000000002,0.00571119111095,9.41582507018,0.00409489024731,1.11278977424,-0.0105625631986,26.7626230727,0.00567460221727,3.11855839636 +0.3350000000000002,0.00823605774456,9.41582507018,0.00490676581009,1.11278977424,-0.0077153027945,26.7626230727,0.00564512067525,3.11855839636 +0.3400000000000002,0.0122271018125,9.41582507018,0.00596648538713,1.11278977424,-0.00577991464454,26.7626230727,0.00558235862682,3.11855839636 +0.3450000000000002,0.018995346848,9.41582507018,0.00740482498323,1.11278977424,-0.00439394557158,26.7626230727,0.00550082435537,3.11855839636 +0.3500000000000002,0.0316929901205,9.41582507018,0.00946343340245,1.11278977424,-0.00334234235238,26.7626230727,0.00541298554899,3.11855839636 +0.3550000000000002,0.0595709626355,9.41582507018,0.0126429144169,1.11278977424,-0.0024863447892,26.7626230727,0.00532894549572,3.11855839636 +0.3600000000000002,0.140776212592,9.41582507018,0.0181746074932,1.11278977424,-0.00171772464755,26.7626230727,0.00525663011472,3.11855839636 +0.3650000000000002,0.626854978843,9.41582507018,0.0301146631651,1.11278977424,-0.000873774219684,26.7626230727,0.00520223492173,3.11855839636 +0.3700000000000002,2.05044640812,9.41582507018,0.0743055194479,1.11278977424,-0.000868952684127,26.7626230727,0.005170763208,3.11855839636 +0.3750000000000002,-1.967788632,9.41582507018,-0.228642820892,1.11278977424,-0.0013411350317,26.7626230727,0.00516656840981,3.11855839636 +0.3800000000000002,-0.245003908081,9.41582507018,-0.0490085283738,1.11278977424,-0.0015658039418,26.7626230727,0.00519387448625,3.11855839636 +0.38500000000000023,-0.100123174825,9.41582507018,-0.0287984424702,1.11278977424,-0.00164975224519,26.7626230727,0.00525728862216,3.11855839636 +0.39000000000000024,-0.05542537026,9.41582507018,-0.021097130417,1.11278977424,-0.0015957477508,26.7626230727,0.00536234935958,3.11855839636 +0.39500000000000024,-0.0355326760753,9.41582507018,-0.0170989701414,1.11278977424,-0.00133583190046,26.7626230727,0.00551618120264,3.11855839636 +0.40000000000000024,-0.0248271759234,9.41582507018,-0.0147030530606,1.11278977424,-0.000431356964331,26.7626230727,0.00572836665979,3.11855839636 +0.40500000000000025,-0.0183315366917,9.41582507018,-0.0131542795141,1.11278977424,-0.00163124640358,26.7626230727,0.00601221751251,3.11855839636 +0.41000000000000025,-0.014039428773,9.41582507018,-0.0121164464296,1.11278977424,-0.00272489168365,26.7626230727,0.00638676433496,3.11855839636 +0.41500000000000026,-0.0110075021854,9.41582507018,-0.0114192283556,1.11278977424,-0.00389707823712,26.7626230727,0.00688006422458,3.11855839636 +0.42000000000000026,-0.00873844218418,9.41582507018,-0.010969436566,1.11278977424,-0.00526257780172,26.7626230727,0.00753503682461,3.11855839636 +0.42500000000000027,-0.00694247493037,9.41582507018,-0.010714530666,1.11278977424,-0.0069092473011,26.7626230727,0.0084204650592,3.11855839636 +0.43000000000000027,-0.00542968459402,9.41582507018,-0.0106260431118,1.11278977424,-0.008919334962,26.7626230727,0.00965345784477,3.11855839636 +0.4350000000000003,-0.00404685483649,9.41582507018,-0.0106917823832,1.11278977424,-0.011334640699,26.7626230727,0.0114502689769,3.11855839636 +0.4400000000000003,-0.00259270956285,9.41582507018,-0.0109125570054,1.11278977424,-0.0139824921564,26.7626230727,0.0142583859854,3.11855839636 +0.4450000000000003,-0.000869341591331,9.41582507018,-0.0113018241527,1.11278977424,-0.015685422106,26.7626230727,0.0191766301145,3.11855839636 +0.4500000000000003,-0.00261042853509,9.41582507018,-0.0118880026411,1.11278977424,-0.00976379372345,26.7626230727,0.029814143336,3.11855839636 +0.4550000000000003,-0.00344428825304,9.41582507018,-0.0127202913723,1.11278977424,0.0637181974297,26.7626230727,0.0689859651338,3.11855839636 +0.4600000000000003,-0.00399788704279,9.41582507018,-0.0138804842168,1.11278977424,-0.874835797642,26.7626230727,-0.208169930301,3.11855839636 +0.4650000000000003,-0.004330498936,9.41582507018,-0.0155068429663,1.11278977424,-0.593560492947,26.7626230727,-0.041378998195,3.11855839636 +0.4700000000000003,-0.00431577516571,9.41582507018,-0.0178454317953,1.11278977424,-1.42955754325,26.7626230727,-0.023041078054,3.11855839636 +0.4750000000000003,-0.00329586376578,9.41582507018,-0.0213728514744,1.11278977424,-19.2990481855,26.7626230727,-0.0160481184739,3.11855839636 +0.4800000000000003,-0.00451029883553,9.41582507018,-0.0271394764463,1.11278977424,5.44897180868,26.7626230727,-0.0123897802269,3.11855839636 +0.4850000000000003,-0.0119025242749,9.41582507018,-0.0379906792011,1.11278977424,0.826637403068,26.7626230727,-0.0101614164409,3.11855839636 +0.4900000000000003,-0.0244749095371,9.41582507018,-0.0652289208328,1.11278977424,0.278172048151,26.7626230727,-0.00867817231596,3.11855839636 +0.49500000000000033,-0.0382687518741,9.41582507018,-0.102746733456,1.11278977424,0.159666457462,26.7626230727,-0.00810965884763,3.11855839636 diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_8.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_8.csv new file mode 100644 index 0000000000..6fceed1c6f --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_8.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,0.0766179352583,17.382257437,0.000755459814065,3.04157746282,-0.0140341780609,44.7642229618,-0.0667114589931,5.49765965736 +0.005,0.0634762364734,17.382257437,-2.37886667141e-07,3.04157746282,-0.0198530934049,44.7642229618,-0.0836126007673,5.49765965736 +0.01,0.0427570295443,17.382257437,-8.45402657216e-08,3.04157746282,-0.0252939453424,44.7642229618,-0.100349963348,5.49765965736 +0.015,0.0286018652395,17.382257437,-5.57957133201e-08,3.04157746282,-0.0243388730404,44.7642229618,-0.115046986624,5.49765965736 +0.02,0.0210236449805,17.382257437,-4.42667142247e-08,3.04157746282,-0.0129984415582,44.7642229618,-0.127728188461,5.49765965736 +0.025,0.0164575281605,17.382257437,-3.84227771502e-08,3.04157746282,-0.0283035069215,44.7642229618,-0.13872547446,5.49765965736 +0.030000000000000002,0.0134418131959,17.382257437,-3.51517091895e-08,3.04157746282,-0.0502366951236,44.7642229618,-0.148567035324,5.49765965736 +0.035,0.0112825784351,17.382257437,-3.32697900065e-08,3.04157746282,-0.0728063028921,44.7642229618,-0.157900812851,5.49765965736 +0.04,0.00960829455293,17.382257437,-3.22378490597e-08,3.04157746282,-0.0981902030458,44.7642229618,-0.167475585491,5.49765965736 +0.045,0.00819416765048,17.382257437,-3.17868308301e-08,3.04157746282,-0.128379738659,44.7642229618,-0.178190252587,5.49765965736 +0.049999999999999996,0.00688019091495,17.382257437,-3.17820325634e-08,3.04157746282,-0.166340299881,44.7642229618,-0.191234386736,5.49765965736 +0.05499999999999999,0.00551759426795,17.382257437,-3.2167767044e-08,3.04157746282,-0.217201578683,44.7642229618,-0.208392722618,5.49765965736 +0.05999999999999999,0.00388240844208,17.382257437,-3.29453857917e-08,3.04157746282,-0.290804374855,44.7642229618,-0.232728462736,5.49765965736 +0.06499999999999999,0.000718467776938,17.382257437,-3.41694417397e-08,3.04157746282,-0.408478140868,44.7642229618,-0.270329968835,5.49765965736 +0.06999999999999999,0.00365483905979,17.382257437,-3.5959154201e-08,3.04157746282,-0.625213421512,44.7642229618,-0.33577072639,5.49765965736 +0.075,0.00510229819122,17.382257437,-3.85312409052e-08,3.04157746282,-1.12948805066,44.7642229618,-0.475684829117,5.49765965736 +0.08,0.00601119925538,17.382257437,-4.22748563649e-08,3.04157746282,-3.11685857128,44.7642229618,-0.967966986377,5.49765965736 +0.085,0.00640846745449,17.382257437,-4.79284952287e-08,3.04157746282,17.7930104612,44.7642229618,3.61274599878,5.49765965736 +0.09000000000000001,0.00604375957229,17.382257437,-5.70523913778e-08,3.04157746282,5.35189434669,44.7642229618,0.529095850456,5.49765965736 +0.09500000000000001,0.00398213815592,17.382257437,-7.35780664916e-08,3.04157746282,24.8146650348,44.7642229618,0.25674482114,5.49765965736 +0.10000000000000002,0.00553682685252,17.382257437,-1.11032838583e-07,3.04157746282,0.258751826313,44.7642229618,0.155549851088,5.49765965736 +0.10500000000000002,0.0107953176057,17.382257437,-2.67586197346e-07,3.04157746282,0.327998619471,44.7642229618,0.102750899158,5.49765965736 +0.11000000000000003,0.0161203828179,17.382257437,4.46800910848e-07,3.04157746282,0.170078372383,44.7642229618,0.0699664304609,5.49765965736 +0.11500000000000003,0.0220007957478,17.382257437,1.12042588921e-07,3.04157746282,0.0904048618576,44.7642229618,0.0469550141142,5.49765965736 +0.12000000000000004,0.0286209377741,17.382257437,6.12730188443e-08,3.04157746282,0.0460652867323,44.7642229618,0.0289153741263,5.49765965736 +0.12500000000000003,0.0361246921327,17.382257437,4.09369377937e-08,3.04157746282,0.0176903531448,44.7642229618,0.0130230763885,5.49765965736 +0.13000000000000003,0.0446985036227,17.382257437,3.0037208598e-08,3.04157746282,-0.00338956638442,44.7642229618,-0.00287654390044,5.49765965736 +0.13500000000000004,0.0546533591936,17.382257437,2.32262928677e-08,3.04157746282,-0.021594472442,44.7642229618,-0.0209917021408,5.49765965736 +0.14000000000000004,0.0665529540417,17.382257437,1.85015539036e-08,3.04157746282,-0.0396630593666,44.7642229618,-0.0442792801278,5.49765965736 +0.14500000000000005,0.0814554862728,17.382257437,1.49305409444e-08,3.04157746282,-0.0598781249142,44.7642229618,-0.0775699273158,5.49765965736 +0.15000000000000005,0.101450488483,17.382257437,1.2008965536e-08,3.04157746282,-0.0849733064531,44.7642229618,-0.130080889287,5.49765965736 +0.15500000000000005,0.131087691699,17.382257437,9.43049458666e-09,3.04157746282,-0.119536030406,44.7642229618,-0.222508547462,5.49765965736 +0.16000000000000006,0.182186827663,17.382257437,6.98998015508e-09,3.04157746282,-0.174241341616,44.7642229618,-0.413591494153,5.49765965736 +0.16500000000000006,0.297507195561,17.382257437,4.53756308295e-09,3.04157746282,-0.289227085144,44.7642229618,-0.963642202773,5.49765965736 +0.17000000000000007,0.837797414979,17.382257437,1.95431528909e-09,3.04157746282,-1.32413875409,44.7642229618,-8.63679459601,5.49765965736 +0.17500000000000007,0.837676472005,17.382257437,-8.62578290917e-10,3.04157746282,0.314543654714,44.7642229618,1.99844153162,5.49765965736 +0.18000000000000008,0.279293962,17.382257437,-4.01072931105e-09,3.04157746282,0.260293294945,44.7642229618,1.09238186369,5.49765965736 +0.18500000000000008,0.161040950522,17.382257437,-7.59274667908e-09,3.04157746282,0.225977459461,44.7642229618,0.831034650158,5.49765965736 +0.19000000000000009,0.110044322648,17.382257437,-1.17281972013e-08,3.04157746282,0.195962237397,44.7642229618,0.706011058762,5.49765965736 +0.1950000000000001,0.0815169701597,17.382257437,-1.65701065808e-08,3.04157746282,0.161632599019,44.7642229618,0.628518845663,5.49765965736 +0.2000000000000001,0.0632046975998,17.382257437,-2.2330243826e-08,3.04157746282,0.114874416572,44.7642229618,0.57093222884,5.49765965736 +0.2050000000000001,0.0503844703786,17.382257437,-2.93209701027e-08,3.04157746282,0.0208004483174,44.7642229618,0.522711837371,5.49765965736 +0.2100000000000001,0.0408436777528,17.382257437,-3.80296619088e-08,3.04157746282,0.120357523115,44.7642229618,0.479778351864,5.49765965736 +0.2150000000000001,0.0334026737013,17.382257437,-4.92619406658e-08,3.04157746282,0.16959777707,44.7642229618,0.440788804413,5.49765965736 +0.2200000000000001,0.0273695701411,17.382257437,-6.44446399277e-08,3.04157746282,0.20824181058,44.7642229618,0.405497198787,5.49765965736 +0.22500000000000012,0.0223047163346,17.382257437,-8.63485530164e-08,3.04157746282,0.242484086328,44.7642229618,0.373985814301,5.49765965736 +0.23000000000000012,0.0179041859402,17.382257437,-1.2112045367e-07,3.04157746282,0.275804025599,44.7642229618,0.346339629622,5.49765965736 +0.23500000000000013,0.0139298028655,17.382257437,-1.85599687903e-07,3.04157746282,0.311195940663,44.7642229618,0.322549142671,5.49765965736 +0.24000000000000013,0.0101407813938,17.382257437,-3.48242830226e-07,3.04157746282,0.351963531459,44.7642229618,0.302516917789,5.49765965736 +0.24500000000000013,0.00610456971412,17.382257437,-1.57210165907e-06,3.04157746282,0.402459786508,44.7642229618,0.286099832693,5.49765965736 +0.2500000000000001,0.00299428610602,17.382257437,7.31761569145e-07,3.04157746282,0.469302994217,44.7642229618,0.273155791181,5.49765965736 +0.2550000000000001,0.0063209961021,17.382257437,3.15611005104e-07,3.04157746282,0.56391709594,44.7642229618,0.263584697327,5.49765965736 +0.2600000000000001,0.00763085848306,17.382257437,2.08759055658e-07,3.04157746282,0.708782814487,44.7642229618,0.25736383937,5.49765965736 +0.2650000000000001,0.00806982840295,17.382257437,1.60146511978e-07,3.04157746282,0.95604598702,44.7642229618,0.254582443172,5.49765965736 +0.27000000000000013,0.00780355083358,17.382257437,1.32673376231e-07,3.04157746282,1.46111806376,44.7642229618,0.255482670362,5.49765965736 +0.27500000000000013,0.00668503315964,17.382257437,1.1531544489e-07,3.04157746282,2.97875048716,44.7642229618,0.260517308643,5.49765965736 +0.28000000000000014,0.00377413916681,17.382257437,1.0365033745e-07,3.04157746282,35.3299994478,44.7642229618,0.270440235118,5.49765965736 +0.28500000000000014,0.00589027703646,17.382257437,9.55713531568e-08,3.04157746282,3.00707462133,44.7642229618,0.286458261552,5.49765965736 +0.29000000000000015,0.0104641659443,17.382257437,8.99607553105e-08,3.04157746282,1.73733611056,44.7642229618,0.310500740214,5.49765965736 +0.29500000000000015,0.0149246930327,17.382257437,8.61859296816e-08,3.04157746282,1.28998833644,44.7642229618,0.345728441722,5.49765965736 +0.30000000000000016,0.0199054607256,17.382257437,8.38804495914e-08,3.04157746282,1.09777230447,44.7642229618,0.397569653937,5.49765965736 +0.30500000000000016,0.0258628938024,17.382257437,8.28404772045e-08,3.04157746282,1.02848810087,44.7642229618,0.476049189427,5.49765965736 +0.31000000000000016,0.0333694353498,17.382257437,8.29743583408e-08,3.04157746282,1.05098473511,44.7642229618,0.601780085684,5.49765965736 +0.31500000000000017,0.0432911903675,17.382257437,8.42804740603e-08,3.04157746282,1.18712482491,44.7642229618,0.82471452086,5.49765965736 +0.3200000000000002,0.0570681034441,17.382257437,8.68435079735e-08,3.04157746282,1.56439890115,44.7642229618,1.30477104152,5.49765965736 +0.3250000000000002,0.0772878741578,17.382257437,9.08469908799e-08,3.04157746282,2.99049489296,44.7642229618,2.98359259391,5.49765965736 +0.3300000000000002,0.109021971406,17.382257437,9.66060269805e-08,3.04157746282,-11.6430906076,44.7642229618,-13.9366598512,5.49765965736 +0.3350000000000002,0.163372867292,17.382257437,1.04632326001e-07,3.04157746282,-1.53930654615,44.7642229618,-2.23415848722,5.49765965736 +0.3400000000000002,0.26868331458,17.382257437,1.15759886144e-07,3.04157746282,-0.705340630385,44.7642229618,-1.26848415518,5.49765965736 +0.3450000000000002,0.516364584015,17.382257437,1.31398400103e-07,3.04157746282,-0.393999426039,44.7642229618,-0.915399916603,5.49765965736 +0.3500000000000002,1.35185710055,17.382257437,1.5408750332e-07,3.04157746282,-0.223495137551,44.7642229618,-0.735169703334,5.49765965736 +0.3550000000000002,8.95541200506,17.382257437,1.88862512586e-07,3.04157746282,-0.0967009866621,44.7642229618,-0.627499450317,5.49765965736 +0.3600000000000002,-28.9157925245,17.382257437,2.47255244352e-07,3.04157746282,-0.0887315595718,44.7642229618,-0.556984404462,5.49765965736 +0.3650000000000002,-2.04140064426,17.382257437,3.62658377701e-07,3.04157746282,-0.122318338424,44.7642229618,-0.50793815665,5.49765965736 +0.3700000000000002,-0.686188136722,17.382257437,6.88521252376e-07,3.04157746282,-0.130173377388,44.7642229618,-0.472349282664,5.49765965736 +0.3750000000000002,-0.342920526144,17.382257437,6.81086396551e-06,3.04157746282,-0.126207148569,44.7642229618,-0.445708879334,5.49765965736 +0.3800000000000002,-0.206358071634,17.382257437,-8.74737058002e-07,3.04157746282,-0.113160389053,44.7642229618,-0.425297229316,5.49765965736 +0.38500000000000023,-0.138258167655,17.382257437,-4.16082279754e-07,3.04157746282,-0.0888354991172,44.7642229618,-0.40938978377,5.49765965736 +0.39000000000000024,-0.0992757117514,17.382257437,-2.76141533993e-07,3.04157746282,-0.0342044876592,44.7642229618,-0.396853988338,5.49765965736 +0.39500000000000024,-0.0747228392712,17.382257437,-2.08909348535e-07,3.04157746282,-0.0873433212143,44.7642229618,-0.386929340875,5.49765965736 +0.40000000000000024,-0.058092908911,17.382257437,-1.6974028524e-07,3.04157746282,-0.137949162302,44.7642229618,-0.379100324519,5.49765965736 +0.40500000000000025,-0.0461279485462,17.382257437,-1.44328470817e-07,3.04157746282,-0.184096818585,44.7642229618,-0.373019610799,5.49765965736 +0.41000000000000025,-0.037030882991,17.382257437,-1.26681304813e-07,3.04157746282,-0.231451835307,44.7642229618,-0.368460122885,5.49765965736 +0.41500000000000026,-0.0297173927724,17.382257437,-1.1384971055e-07,3.04157746282,-0.283249427815,44.7642229618,-0.365284649124,5.49765965736 +0.42000000000000026,-0.0234564906682,17.382257437,-1.04216368056e-07,3.04157746282,-0.342690613933,44.7642229618,-0.363426818521,5.49765965736 +0.42500000000000027,-0.0176463581116,17.382257437,-9.68228967361e-08,3.04157746282,-0.413909556542,44.7642229618,-0.362880013503,5.49765965736 +0.43000000000000027,-0.0114971205473,17.382257437,-9.1068004043e-08,3.04157746282,-0.50304268279,44.7642229618,-0.363692409128,5.49765965736 +0.4350000000000003,-0.00268027058148,17.382257437,-8.65581854696e-08,3.04157746282,-0.620105717779,44.7642229618,-0.365967395628,5.49765965736 +0.4400000000000003,-0.0108379331777,17.382257437,-8.30281657082e-08,3.04157746282,-0.78298600995,44.7642229618,-0.369869506547,5.49765965736 +0.4450000000000003,-0.0142463500807,17.382257437,-8.02959980022e-08,3.04157746282,-1.02725455535,44.7642229618,-0.3756368878,5.49765965736 +0.4500000000000003,-0.016191858155,17.382257437,-7.82366211185e-08,3.04157746282,-1.43490622822,44.7642229618,-0.383602569944,5.49765965736 +0.4550000000000003,-0.0169359462252,17.382257437,-7.67658718131e-08,3.04157746282,-2.24350595478,44.7642229618,-0.39422874796,5.49765965736 +0.4600000000000003,-0.0160926654828,17.382257437,-7.58307989645e-08,3.04157746282,-4.50152487095,44.7642229618,-0.408161671023,5.49765965736 +0.4650000000000003,-0.0120549150113,17.382257437,-7.54040669454e-08,3.04157746282,-23.7857952866,44.7642229618,-0.426321124734,5.49765965736 +0.4700000000000003,-0.0106514961142,17.382257437,-7.54812981885e-08,3.04157746282,3.01522648483,44.7642229618,-0.450051235414,5.49765965736 +0.4750000000000003,-0.0249502300599,17.382257437,-7.60808609275e-08,3.04157746282,-2.02773616538,44.7642229618,-0.481386519321,5.49765965736 +0.4800000000000003,-0.0396287384342,17.382257437,-7.7246105534e-08,3.04157746282,-1.73740406466,44.7642229618,-0.523549672213,5.49765965736 +0.4850000000000003,-0.0574696004356,17.382257437,-7.90505602526e-08,3.04157746282,-1.50891777393,44.7642229618,-0.581955448149,5.49765965736 +0.4900000000000003,-0.0692535087708,17.382257437,-8.16072910692e-08,3.04157746282,-1.22516588853,44.7642229618,-0.666442262839,5.49765965736 +0.49500000000000033,-0.0702459831803,17.382257437,-8.45272772513e-08,3.04157746282,-0.98926977011,44.7642229618,-0.728823164106,5.49765965736 diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_9.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_9.csv new file mode 100644 index 0000000000..42af8d7c03 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_9.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,-0.764555917836,18.1140398957,-0.00195238046846,1.47154939559,5.38967449988e-06,74.6823596112,7.45813228589e-05,5.29995970548 +0.005,9.30858909673,18.1140398957,-0.00100864803365,1.47154939559,1.24795723904e-05,74.6823596112,9.02270196318e-05,5.29995970548 +0.01,0.122334352586,18.1140398957,-0.000540517984425,1.47154939559,2.30373480673e-05,74.6823596112,0.000104951685713,5.29995970548 +0.015,0.0360350905229,18.1140398957,-0.000395318449729,1.47154939559,3.11545786472e-05,74.6823596112,0.000117536572211,5.29995970548 +0.02,0.0178616080118,18.1140398957,-0.00032806376042,1.47154939559,3.52673546559e-05,74.6823596112,0.000128118033517,5.29995970548 +0.025,0.0110996588791,18.1140398957,-0.000291469775938,1.47154939559,3.48725374001e-05,74.6823596112,0.00013704885295,5.29995970548 +0.030000000000000002,0.00782442239411,18.1140398957,-0.000270021532621,1.47154939559,2.74601270738e-05,74.6823596112,0.000144796857306,5.29995970548 +0.035,0.00596713854891,18.1140398957,-0.000257165344332,1.47154939559,1.74308869852e-05,74.6823596112,0.000151879556221,5.29995970548 +0.04,0.00479142607467,18.1140398957,-0.000249704165621,1.47154939559,4.68681025843e-05,74.6823596112,0.000158841403937,5.29995970548 +0.045,0.00397883944845,18.1140398957,-0.000245951779029,1.47154939559,7.29695189883e-05,74.6823596112,0.000166270769047,5.29995970548 +0.049999999999999996,0.00337056580719,18.1140398957,-0.000245005533108,1.47154939559,0.000102009459134,74.6823596112,0.000174857084079,5.29995970548 +0.05499999999999999,0.00287691949975,18.1140398957,-0.000246427172135,1.47154939559,0.000137128469396,74.6823596112,0.000185503180524,5.29995970548 +0.05999999999999999,0.00243978712216,18.1140398957,-0.00025009959392,1.47154939559,0.000182434923644,74.6823596112,0.000199540385351,5.29995970548 +0.06499999999999999,0.00201330853255,18.1140398957,-0.000256175553209,1.47154939559,0.000244837471868,74.6823596112,0.000219175545031,5.29995970548 +0.06999999999999999,0.00154676629616,18.1140398957,-0.000265091173375,1.47154939559,0.000337611433295,74.6823596112,0.000248544527189,5.29995970548 +0.075,0.000933218556283,18.1140398957,-0.000277648598126,1.47154939559,0.000490166282839,74.6823596112,0.000296651750882,5.29995970548 +0.08,0.000738229383803,18.1140398957,-0.000295205653909,1.47154939559,0.000782836614714,74.6823596112,0.000387882072793,5.29995970548 +0.085,0.00135111811562,18.1140398957,-0.000320074823849,1.47154939559,0.00153831819746,74.6823596112,0.000620141189165,5.29995970548 +0.09000000000000001,0.00169304045562,18.1140398957,-0.000356400095265,1.47154939559,0.00704095952057,74.6823596112,0.00230114231943,5.29995970548 +0.09500000000000001,0.00186223763633,18.1140398957,-0.000412295854754,1.47154939559,-0.00366566346322,74.6823596112,-0.000993689694002,5.29995970548 +0.10000000000000002,0.00182002129162,18.1140398957,-0.000505986346365,1.47154939559,-0.00121399643134,74.6823596112,-0.000359947224045,5.29995970548 +0.10500000000000002,0.0014019346304,18.1140398957,-0.000688568246118,1.47154939559,0.00476364579429,74.6823596112,-0.000200815453204,5.29995970548 +0.11000000000000003,0.00096518997665,18.1140398957,-0.00117897439105,1.47154939559,-0.0228786763106,74.6823596112,-0.000128704078952,5.29995970548 +0.11500000000000003,0.00106584058215,18.1140398957,-0.00622483162807,1.47154939559,-0.00202501780625,74.6823596112,-8.74296939224e-05,5.29995970548 +0.12000000000000004,0.00500065142453,18.1140398957,0.00163464307481,1.47154939559,-0.000644592110542,74.6823596112,-6.02566312226e-05,5.29995970548 +0.12500000000000003,0.0063405052665,18.1140398957,0.000680912709895,1.47154939559,-0.000263169163118,74.6823596112,-4.02890758731e-05,5.29995970548 +0.13000000000000003,0.00806093143485,18.1140398957,0.000415127950183,1.47154939559,-0.000106765119713,74.6823596112,-2.396500269e-05,5.29995970548 +0.13500000000000004,0.0100310279142,18.1140398957,0.000291255467184,1.47154939559,-2.87950161848e-05,74.6823596112,-8.98515368402e-06,5.29995970548 +0.14000000000000004,0.0122675900269,18.1140398957,0.000219812525857,1.47154939559,1.56198184827e-05,74.6823596112,6.58237083438e-06,5.29995970548 +0.14500000000000005,0.0148351988889,18.1140398957,0.000173084366444,1.47154939559,4.45234611385e-05,74.6823596112,2.48908800733e-05,5.29995970548 +0.15000000000000005,0.0178615263141,18.1140398957,0.000139569234505,1.47154939559,6.68822854882e-05,74.6823596112,4.89881660267e-05,5.29995970548 +0.15500000000000005,0.0215861105014,18.1140398957,0.000113544805269,1.47154939559,8.83071290355e-05,74.6823596112,8.40179601309e-05,5.29995970548 +0.16000000000000006,0.0264694626739,18.1140398957,9.17642533806e-05,1.47154939559,0.000113663052235,74.6823596112,0.000140028985451,5.29995970548 +0.16500000000000006,0.0334698845667,18.1140398957,7.21801565184e-05,1.47154939559,0.000149542671478,74.6823596112,0.000240182391112,5.29995970548 +0.17000000000000007,0.0449012179012,18.1140398957,5.33783782595e-05,1.47154939559,0.000210665987604,74.6823596112,0.00045294177425,5.29995970548 +0.17500000000000007,0.0680565351862,18.1140398957,3.42976465134e-05,1.47154939559,0.000358490123034,74.6823596112,0.00111006239632,5.29995970548 +0.18000000000000008,0.14347327974,18.1140398957,1.40749791421e-05,1.47154939559,0.00653073824288,74.6823596112,0.038058520468,5.29995970548 +0.18500000000000008,0.642873311033,18.1140398957,-8.05134042323e-06,1.47154939559,-0.000256170021662,74.6823596112,-0.00179839086359,5.29995970548 +0.19000000000000009,0.0986041883731,18.1140398957,-3.28143617829e-05,1.47154939559,-0.000240592785336,74.6823596112,-0.00106067265365,5.29995970548 +0.1950000000000001,0.051011542904,18.1140398957,-6.0985853474e-05,1.47154939559,-0.000216016050804,74.6823596112,-0.000831601264163,5.29995970548 +0.2000000000000001,0.0333225034375,18.1140398957,-9.34532448432e-05,1.47154939559,-0.000191151865901,74.6823596112,-0.000722614866523,5.29995970548 +0.2050000000000001,0.0240484637801,18.1140398957,-0.000131322132975,1.47154939559,-0.00016024607495,74.6823596112,-0.000657479963995,5.29995970548 +0.2100000000000001,0.0183079092213,18.1140398957,-0.000176067344773,1.47154939559,-0.000114842225154,74.6823596112,-0.000610921725764,5.29995970548 +0.2150000000000001,0.0143799970622,18.1140398957,-0.000229771888481,1.47154939559,-3.36144447161e-05,74.6823596112,-0.000572595276345,5.29995970548 +0.2200000000000001,0.0115007697088,18.1140398957,-0.000295528865681,1.47154939559,-0.000130780845012,74.6823596112,-0.000538114649882,5.29995970548 +0.22500000000000012,0.00927720033342,18.1140398957,-0.000378162338974,1.47154939559,-0.000185729491917,74.6823596112,-0.00050587962063,5.29995970548 +0.23000000000000012,0.00748421033777,18.1140398957,-0.000485620133823,1.47154939559,-0.000230815208826,74.6823596112,-0.000475612078806,5.29995970548 +0.23500000000000013,0.00598071199326,18.1140398957,-0.00063192175664,1.47154939559,-0.000271715511068,74.6823596112,-0.000447578011658,5.29995970548 +0.24000000000000013,0.00466930951582,18.1140398957,-0.000844176709398,1.47154939559,-0.000311657029419,74.6823596112,-0.000422177565884,5.29995970548 +0.24500000000000013,0.00347258368613,18.1140398957,-0.00118222912831,1.47154939559,-0.000353511008207,74.6823596112,-0.000399759603836,5.29995970548 +0.2500000000000001,0.00231116647826,18.1140398957,-0.00180883982079,1.47154939559,-0.00040049856492,74.6823596112,-0.000380567721625,5.29995970548 +0.2550000000000001,0.00106113257287,18.1140398957,-0.00337604978141,1.47154939559,-0.000456791594434,74.6823596112,-0.000364753384301,5.29995970548 +0.2600000000000001,-0.000626915008875,18.1140398957,-0.0143987962729,1.47154939559,-0.000528433674054,74.6823596112,-0.000352416452598,5.29995970548 +0.2650000000000001,0.00352361459995,18.1140398957,0.00757913834939,1.47154939559,-0.000625088077664,74.6823596112,-0.000343652846878,5.29995970548 +0.27000000000000013,0.00309556340049,18.1140398957,0.00321464300573,1.47154939559,-0.000763704239633,74.6823596112,-0.000338602174571,5.29995970548 +0.27500000000000013,0.00296576411942,18.1140398957,0.00212745915534,1.47154939559,-0.000976585668869,74.6823596112,-0.000337496012601,5.29995970548 +0.28000000000000014,0.00271832351988,18.1140398957,0.0016388103959,1.47154939559,-0.00132420760588,74.6823596112,-0.000340712471422,5.29995970548 +0.28500000000000014,0.00220482673868,18.1140398957,0.00136542790093,1.47154939559,-0.00167795411627,74.6823596112,-0.000348847094657,5.29995970548 +0.29000000000000015,0.000871360386332,18.1140398957,0.0011946998525,1.47154939559,40.4603300911,74.6823596112,-0.000362816690054,5.29995970548 +0.29500000000000015,0.00236294814641,18.1140398957,0.00108177403476,1.47154939559,-0.00653690035317,74.6823596112,-0.000384025252781,5.29995970548 +0.30000000000000016,0.00390520655844,18.1140398957,0.00100543370658,1.47154939559,-0.00285090021722,74.6823596112,-0.000414647713232,5.29995970548 +0.30500000000000016,0.0054831420096,18.1140398957,0.00095453558562,1.47154939559,-0.00191302566301,74.6823596112,-0.000458147300458,5.29995970548 +0.31000000000000016,0.00729343961795,18.1140398957,0.000922890332543,1.47154939559,-0.00153014547193,74.6823596112,-0.000520289330519,5.29995970548 +0.31500000000000017,0.00950633036283,18.1140398957,0.00090705749695,1.47154939559,-0.00136287195377,74.6823596112,-0.000611313517831,5.29995970548 +0.3200000000000002,0.0123486734947,18.1140398957,0.000905323674353,1.47154939559,-0.0013232871194,74.6823596112,-0.000751171124778,5.29995970548 +0.3250000000000002,0.0161734056215,18.1140398957,0.000917236627499,1.47154939559,-0.00140401191084,74.6823596112,-0.000984417811098,5.29995970548 +0.3300000000000002,0.0215797950807,18.1140398957,0.000943453359385,1.47154939559,-0.00167886086455,74.6823596112,-0.00143473252914,5.29995970548 +0.3350000000000002,0.0296691372204,18.1140398957,0.000985824293181,1.47154939559,-0.00252780276001,74.6823596112,-0.00262004186973,5.29995970548 +0.3400000000000002,0.0426607577457,18.1140398957,0.00104773598243,1.47154939559,-0.0104506225076,74.6823596112,-0.0131753327462,5.29995970548 +0.3450000000000002,0.0656011229113,18.1140398957,0.00113484559178,1.47154939559,0.00299110198804,74.6823596112,0.00464194250855,5.29995970548 +0.3500000000000002,0.112117833795,18.1140398957,0.00125654405373,1.47154939559,0.00104430948028,74.6823596112,0.00204646967562,5.29995970548 +0.3550000000000002,0.230474421669,18.1140398957,0.00142897051539,1.47154939559,0.000517723482752,74.6823596112,0.00134893540151,5.29995970548 +0.3600000000000002,0.706445446354,18.1140398957,0.00168175948258,1.47154939559,0.000261937290255,74.6823596112,0.0010286524863,5.29995970548 +0.3650000000000002,10.9285187228,18.1140398957,0.00207517469377,1.47154939559,6.46656203883e-05,74.6823596112,0.000846935177845,5.29995970548 +0.3700000000000002,-2.90821913048,18.1140398957,0.00275256289158,1.47154939559,0.000135760674843,74.6823596112,0.000731301536352,5.29995970548 +0.3750000000000002,-0.444734319339,18.1140398957,0.00415728879006,1.47154939559,0.000158603245476,74.6823596112,0.000652268359694,5.29995970548 +0.3800000000000002,-0.150439466856,18.1140398957,0.00867393718749,1.47154939559,0.000157680704577,74.6823596112,0.000595596424623,5.29995970548 +0.38500000000000023,-0.374245805346,18.1140398957,-0.0921291118819,1.47154939559,0.000144802639602,74.6823596112,0.00055357985653,5.29995970548 +0.39000000000000024,-0.0790816608773,18.1140398957,-0.00733293644918,1.47154939559,0.00012176574847,74.6823596112,0.000521699444625,5.29995970548 +0.39500000000000024,-0.049697750253,18.1140398957,-0.00384811342232,1.47154939559,8.31439619812e-05,74.6823596112,0.000497145339143,5.29995970548 +0.40000000000000024,-0.0349710574635,18.1140398957,-0.00263097491256,1.47154939559,5.24295176656e-05,74.6823596112,0.000478094984264,5.29995970548 +0.40500000000000025,-0.0260283557633,18.1140398957,-0.00201645120146,1.47154939559,0.000120071834581,74.6823596112,0.000463331601313,5.29995970548 +0.41000000000000025,-0.0200441892313,18.1140398957,-0.00164905252282,1.47154939559,0.000169100513913,74.6823596112,0.000452030023174,5.29995970548 +0.41500000000000026,-0.0157517428895,18.1140398957,-0.00140698939528,1.47154939559,0.000214616106269,74.6823596112,0.000443630799491,5.29995970548 +0.42000000000000026,-0.0124838481907,18.1140398957,-0.00123727535526,1.47154939559,0.000260689210315,74.6823596112,0.000437763852594,5.29995970548 +0.42500000000000027,-0.00984521402996,18.1140398957,-0.00111318804071,1.47154939559,0.000309798184377,74.6823596112,0.000434201691646,5.29995970548 +0.43000000000000027,-0.00756738407247,18.1140398957,-0.00101982281883,1.47154939559,0.000364155971745,74.6823596112,0.000432831513942,5.29995970548 +0.4350000000000003,-0.00541350777357,18.1140398957,-0.000948242326135,1.47154939559,0.000426185952896,74.6823596112,0.000433640513575,5.29995970548 +0.4400000000000003,-0.00297197068331,18.1140398957,-0.000892794715662,1.47154939559,0.000498784968073,74.6823596112,0.000436711667188,5.29995970548 +0.4450000000000003,-0.00255604145798,18.1140398957,-0.000849765967451,1.47154939559,0.000585366956605,74.6823596112,0.000442229317812,5.29995970548 +0.4500000000000003,-0.0042479287043,18.1140398957,-0.000816653454524,1.47154939559,0.000689051444459,74.6823596112,0.000450495719488,5.29995970548 +0.4550000000000003,-0.00511359110966,18.1140398957,-0.000791753123337,1.47154939559,0.000807776984968,74.6823596112,0.000461961924806,5.29995970548 +0.4600000000000003,-0.00552851171434,18.1140398957,-0.000773916252742,1.47154939559,0.000907015013557,74.6823596112,0.000477279765019,5.29995970548 +0.4650000000000003,-0.00549240849427,18.1140398957,-0.000762404050574,1.47154939559,0.000724299949098,74.6823596112,0.000497387555562,5.29995970548 +0.4700000000000003,-0.00475812245034,18.1140398957,-0.000756802905684,1.47154939559,-0.00302229050956,74.6823596112,0.000523653395103,5.29995970548 +0.4750000000000003,-0.00194599738688,18.1140398957,-0.000756981016245,1.47154939559,34.2332847565,74.6823596112,0.000558122975317,5.29995970548 +0.4800000000000003,-0.00581061912673,18.1140398957,-0.000763077453325,1.47154939559,0.0161704917093,74.6823596112,0.000603969664163,5.29995970548 +0.4850000000000003,-0.0101475500837,18.1140398957,-0.000775521894063,1.47154939559,0.00622528972353,74.6823596112,0.000666366575614,5.29995970548 +0.4900000000000003,-0.0129292295142,18.1140398957,-0.000795089926836,1.47154939559,0.00345570459676,74.6823596112,0.00075432447069,5.29995970548 +0.49500000000000033,-0.0134904377078,18.1140398957,-0.000817999706173,1.47154939559,0.00245463036373,74.6823596112,0.000817555209473,5.29995970548 From 07da9b74d537692cedf718050cb8a53fae175673 Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Tue, 27 Jul 2021 06:39:36 -0700 Subject: [PATCH 05/77] Update PPDSS.py Edited due to invalid assert errors. --- framework/Models/PostProcessors/validationAlgorithms/PPDSS.py | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/framework/Models/PostProcessors/validationAlgorithms/PPDSS.py b/framework/Models/PostProcessors/validationAlgorithms/PPDSS.py index a168407e15..8597a0afc9 100644 --- a/framework/Models/PostProcessors/validationAlgorithms/PPDSS.py +++ b/framework/Models/PostProcessors/validationAlgorithms/PPDSS.py @@ -161,8 +161,8 @@ def run(self, inputIn): @ Out, outputDict, dict, dictionary containing the post-processed results """ # assert - assert(isinstance(inputIn, list)) - assert(isinstance(inputIn[0], xr.Dataset) or isinstance(inputIn[0], DataObjects.DataSet)) + assert(isinstance(inputIn["Data"], list)) + assert(isinstance(inputIn["Data"][0][-1], xr.Dataset) and isinstance(inputI["Data"][1][-1], xr.Dataset)) # the input can be either be a list of dataobjects or a list of datasets (xarray) #datasets = [inp if isinstance(inp, xr.Dataset) else inp.asDataset() for inp in inputIn] datasets = [data for _, _, data in inputIn['Data']] From c090ef4febbd2664c2d754cc0c34ec1d03bd27b5 Mon Sep 17 00:00:00 2001 From: Ramon Yoshiura Date: Wed, 21 Jul 2021 15:32:46 -0600 Subject: [PATCH 06/77] Adding DSS capabilities --- framework/MetricDistributor.py | 12 + framework/Metrics/metrics/DSS.py | 135 ++++++ framework/Metrics/metrics/Factory.py | 1 + framework/Models/PostProcessors/Factory.py | 1 + .../PostProcessors/Validations/PPDSS.py | 389 ++++++++++++++++++ 5 files changed, 538 insertions(+) create mode 100644 framework/Metrics/metrics/DSS.py create mode 100644 framework/Models/PostProcessors/Validations/PPDSS.py diff --git a/framework/MetricDistributor.py b/framework/MetricDistributor.py index f6a0215f61..5fc43d4220 100644 --- a/framework/MetricDistributor.py +++ b/framework/MetricDistributor.py @@ -138,6 +138,18 @@ def evaluate(self,pairedData, weights = None, multiOutput='mean',**kwargs): targIn = targVals[:,hist] out = self.estimator.evaluate(featIn, targIn) dynamicOutput.append(out) + elif self.estimator.isInstanceString(['DSS']): + out = self.estimator.evaluate(feat, targ) + dynamicOutput.append(out) + featVals = np.asarray(feat) + targVals = np.asarray(targ) + assert(featVals.shape[0] == targVals.shape[0]) + assert(featVals.shape[1] == targVals.shape[1]) + assert(featVals.shape[2] == targVals.shape[2]) + if self.canHandleDynamicData: + dynamicOutput = self.estimator.evaluate(featVals, targVals) + else: + self.raiseAnError(IOError, "Must Handle Dynamic Data!") else: self.raiseAMessage('Using non-PDF/CDF metrics ...') featVals = np.asarray(feat[0]) diff --git a/framework/Metrics/metrics/DSS.py b/framework/Metrics/metrics/DSS.py new file mode 100644 index 0000000000..ed726e67ff --- /dev/null +++ b/framework/Metrics/metrics/DSS.py @@ -0,0 +1,135 @@ +# Copyright 2017 Battelle Energy Alliance, LLC +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +""" +Created on December 20 2020 + +@author: yoshrk +""" +#for future compatibility with Python 3-------------------------------------------------------------- +from __future__ import division, print_function, unicode_literals, absolute_import +#End compatibility block for Python 3---------------------------------------------------------------- + +#External Modules------------------------------------------------------------------------------------ +import numpy as np +import copy +#import scipy.spatial.distance as spatialDistance +#External Modules End-------------------------------------------------------------------------------- + +#Internal Modules------------------------------------------------------------------------------------ +from .MetricInterface import MetricInterface +from utils import InputData, InputTypes +#Internal Modules End-------------------------------------------------------------------------------- + +class DSS(MetricInterface): + """ + Dynamical System Scaling Metric + Class for measuring the metric between two instantaneous data points at the same (or approximate) process time + @ Data Synthesis or Engineering Scaling. + @ Data Synthesis is the act to measure the metric between data sets that are presumed to be equivalent in phenomena, + in reference time, and initial/boundary conditions. Essentially, both data sets are expected to be equivalent. + For the sake of data comparison with no intentions to match data but only to measure the metric, this model may be + used as well. + @ For engineering scaling, although the phenomena are equivalent, the reference time and initial/boundary conditions + are different. Both sets are tied by process time only. + @ In either case, if the to be compared data sets are are of little relevance, it is most likely DSS will fail to + measure the metric distance accurately. + """ + + @classmethod + def getInputSpecification(cls): + """ + Method to get a reference to a class that specifies the input data for + class cls. + @ In, cls, the class for which we are retrieving the specification + @ Out, inputSpecification, InputData.ParameterInput, class to use for + specifying input of cls. + """ + inputSpecification = super().getInputSpecification() + #inputSpecification = super(DSS, cls).getInputSpecification() + actionTypeInput = InputData.parameterInputFactory("actionType", contentType=InputTypes.StringType) + inputSpecification.addSub(actionTypeInput) + + return inputSpecification + + def __init__(self): + """ + Constructor + @ In, None + @ Out, None + """ + super().__init__() + # The type of given analysis + self.actionType = None + # True indicates the metric needs to be able to handle dynamic data + self._dynamicHandling = True + # True indicates the metric needs to be able to handle pairwise data + self._pairwiseHandling = False + + def _localReadMoreXML(self, paramInput): + """ + Method that reads the portion of the xml input that belongs to this specialized class + and initialize internal parameters + @ In, xmlNode, xml.etree.Element, Xml element node + @ Out, None + """ + for child in paramInput.subparts: + if child.getName() == "actionType": + self.actionType = int(child.value) + #else: + #self.raiseAnError(IOError, "Unknown xml node ", child.getName(), " is provided for metric system") + + def run(self, x, y, weights=None, axis=0, **kwargs): + """ + This method computes DSS distance between two inputs x and y based on given metric + @ In, x, numpy.ndarray, array containing data of x, if 1D array is provided, + the array will be reshaped via x.reshape(-1,1), shape (n_samples, ), if 2D + array is provided, shape (n_samples, n_time_steps) + @ In, y, numpy.ndarray, array containing data of y, if 1D array is provided, + the array will be reshaped via y.reshape(-1,1), shape (n_samples, ), if 2D + array is provided, shape (n_samples, n_time_steps) + @ In, weights, array_like (numpy.array or list), optional, weights associated + with input, shape (n_samples) if axis = 0, otherwise shape (n_time_steps) + @ In, axis, integer, optional, axis along which a metric is performed, default is 0, + i.e. the metric will performed along the first dimension (the "rows"). + If metric postprocessor is used, the first dimension is the RAVEN_sample_ID, + and the second dimension is the pivotParameter if HistorySet is provided. + @ In, kwargs, dict, dictionary of parameters characteristic of each metric + @ Out, value, float, metric result + """ + assert (isinstance(x, np.ndarray)) + assert (isinstance(y, np.ndarray)) + tempX = x + tempY = y + omegaNormTarget = tempX[0] + omegaNormScaledFeature = tempY[0] + pTime = tempX[1] + D = tempY[1] + betaFeature = tempX[2] + betaTarget = tempX[2] + distance = np.zeros((pTime.shape)) + distanceSum = np.zeros((pTime.shape[0])) + sigma = np.zeros((pTime.shape[0])) + for cnt in range(len(pTime)): + distanceSquaredSum = 0 + for cnt2 in range(len(pTime[cnt])): + distance[cnt][cnt2] = betaTarget[cnt][cnt2]*abs(D[cnt][cnt2])**0.5*(1/omegaNormTarget[cnt][cnt2]-1/omegaNormScaledFeature[cnt][cnt2]) + distanceSum[cnt] += abs(distance[cnt][cnt2]) + distanceSquaredSum += distance[cnt][cnt2]**2 + sigma[cnt] = (1/len(sigma)*distanceSquaredSum)**0.5 + #value = distance + #value = min(distanceSum) + #print("Minimum Metric at Sample",np.argmin(np.asarray(distanceSum))) + #value = [pTime,betaTarget,omegaNormScaledFeature,omegaNormTarget,D,distance,distanceSum,sigma] + value = distance + return value diff --git a/framework/Metrics/metrics/Factory.py b/framework/Metrics/metrics/Factory.py index 2e705f735d..6c1b6a0984 100644 --- a/framework/Metrics/metrics/Factory.py +++ b/framework/Metrics/metrics/Factory.py @@ -25,6 +25,7 @@ from .CDFAreaDifference import CDFAreaDifference from .PDFCommonArea import PDFCommonArea from .ScipyMetric import ScipyMetric +from .DSS import DSS factory = EntityFactory('Metrics') factory.registerAllSubtypes(MetricInterface) diff --git a/framework/Models/PostProcessors/Factory.py b/framework/Models/PostProcessors/Factory.py index 0c99ac797f..2e45d3640c 100644 --- a/framework/Models/PostProcessors/Factory.py +++ b/framework/Models/PostProcessors/Factory.py @@ -37,6 +37,7 @@ from .EconomicRatio import EconomicRatio from .ValidationBase import ValidationBase from .Validations import Probabilistic +from .Validations import PPDSS from .TSACharacterizer import TSACharacterizer ### PostProcessorFunctions (orig: InterfacedPostProcessor) diff --git a/framework/Models/PostProcessors/Validations/PPDSS.py b/framework/Models/PostProcessors/Validations/PPDSS.py new file mode 100644 index 0000000000..a168407e15 --- /dev/null +++ b/framework/Models/PostProcessors/Validations/PPDSS.py @@ -0,0 +1,389 @@ +# Copyright 2017 Battelle Energy Alliance, LLC +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +""" +Created on January XX, 2021 + +@author: yoshrk +""" +from __future__ import division, print_function , unicode_literals, absolute_import + +#External Modules------------------------------------------------------------------------------------ +import numpy as np +from scipy.interpolate import interp1d +from scipy.integrate import simps +import xarray as xr +import os +from collections import OrderedDict +import itertools +import copy +#External Modules End-------------------------------------------------------------------------------- + +#Internal Modules------------------------------------------------------------------------------------ +from utils import utils +from utils import InputData, InputTypes +from utils import xmlUtils +import Files +import DataObjects +from ..Validation import Validation +#import Distributions +#import MetricDistributor +#from .ValidationBase import ValidationBase +#from Models.PostProcessors import PostProcessor +#Internal Modules End-------------------------------------------------------------------------------- + +class PPDSS(Validation): + """ + DSS Scaling class. + """ + @classmethod + def getInputSpecification(cls): + """ + Method to get a reference to a class that specifies the input data for + class cls. + @ In, cls, the class for which we are retrieving the specification + @ Out, inputSpecification, InputData.ParameterInput, class to use for + specifying input of cls. + """ + inputSpecification = super(PPDSS, cls).getInputSpecification() + #featuresInput = InputData.parameterInputFactory("Features", contentType=InputTypes.StringListType) + #featuresInput.addParam("type", InputTypes.StringType) + #inputSpecification.addSub(featuresInput) + #targetsInput = InputData.parameterInputFactory("Targets", contentType=InputTypes.StringListType) + #targetsInput.addParam("type", InputTypes.StringType) + #inputSpecification.addSub(targetsInput) + multiOutputInput = InputData.parameterInputFactory("multiOutput", contentType=InputTypes.StringType) + inputSpecification.addSub(multiOutputInput) + multiOutput = InputTypes.makeEnumType('MultiOutput', 'MultiOutputType', 'raw_values') + multiOutputInput = InputData.parameterInputFactory("multiOutput", contentType=multiOutput) + inputSpecification.addSub(multiOutputInput) + #pivotParameterInput = InputData.parameterInputFactory("pivotParameter", contentType=InputTypes.StringType) + #inputSpecification.addSub(pivotParameterInput) + # + # Have added the new pivotParameters for feature and target. The original has been commented out. + pivotParameterFeatureInput = InputData.parameterInputFactory("pivotParameterFeature", contentType=InputTypes.StringType) + inputSpecification.addSub(pivotParameterFeatureInput) + pivotParameterTargetInput = InputData.parameterInputFactory("pivotParameterTarget", contentType=InputTypes.StringType) + inputSpecification.addSub(pivotParameterTargetInput) + #metricInput = InputData.parameterInputFactory("Metric", contentType=InputTypes.StringType) + #metricInput.addParam("class", InputTypes.StringType, True) + #metricInput.addParam("type", InputTypes.StringType, True) + #inputSpecification.addSub(metricInput) + scaleTypeInput = InputData.parameterInputFactory("scale", contentType=InputTypes.StringType) + inputSpecification.addSub(scaleTypeInput) + scaleRatioBetaInput = InputData.parameterInputFactory("scaleBeta", contentType=InputTypes.FloatListType) + inputSpecification.addSub(scaleRatioBetaInput) + scaleRatioOmegaInput = InputData.parameterInputFactory("scaleOmega", contentType=InputTypes.FloatListType) + inputSpecification.addSub(scaleRatioOmegaInput) + return inputSpecification + + def __init__(self): + """ + Constructor + @ In, None + @ Out, None + """ + super().__init__() + self.printTag = 'POSTPROCESSOR DSS Scaling and Metrics' + self.name = 'PPDSS' + self.dynamic = True # is it time-dependent? + self.dynamicType = ['dynamic'] + self.features = None # list of feature variables + self.targets = None # list of target variables + #self.metricsDict = {} # dictionary of metrics that are going to be assembled + self.multiOutput = 'raw_values' # defines aggregating of multiple outputs for HistorySet + # currently allow raw_values + #self.pivotParameter = None # list of pivot parameters + #self.pivotValues = [] + self.pivotParameterFeature = None + self.pivotValuesFeature = [] + self.pivotParameterTarget = None + self.pivotValuesTarget = [] + self.scaleType = None + #self.processTimeRecord = [] + #self.scaleType = ['DataSynthesis','2_2_Affine','Dilation','beta_strain','omega_strain','identity'] + # assembler objects to be requested + self.scaleRatioBeta = [] + self.scaleRatioOmega = [] + #self.addAssemblerObject('Metric', InputData.Quantity.one_to_infinity) + + def _handleInput(self, paramInput): + """ + Function to handle the parsed paramInput for this class. + @ In, paramInput, ParameterInput, the already parsed input. + @ Out, None + """ + super()._handleInput(paramInput) + for child in paramInput.subparts: + if child.getName() == 'Metric': + if 'type' not in child.parameterValues.keys() or 'class' not in child.parameterValues.keys(): + self.raiseAnError(IOError, 'Tag Metric must have attributes "class" and "type"') + elif child.getName() == 'Features': + self.features = child.value + #self.featuresType = child.parameterValues['type'] + elif child.getName() == 'Targets': + self.targets = child.value + #self.TargetsType = child.parameterValues['type'] + elif child.getName() == 'multiOutput': + self.multiOutput = child.value + elif child.getName() == 'pivotParameterFeature': + self.pivotParameterFeature = child.value + elif child.getName() == 'pivotParameterTarget': + self.pivotParameterTarget = child.value + elif child.getName() == 'scale': + self.scaleType = child.value + elif child.getName() == 'scaleBeta': + self.scaleRatioBeta = child.value + elif child.getName() == 'scaleOmega': + self.scaleRatioOmega = child.value + else: + self.raiseAnError(IOError, "Unknown xml node ", child.getName(), " is provided for metric system") + #if not self.features: + # self.raiseAnError(IOError, "XML node 'Features' is required but not provided") + #elif len(self.features) != len(self.targets): + # self.raiseAnError(IOError, 'The number of variables found in XML node "Features" is not equal the number of variables found in XML node "Targets"') + + def run(self, inputIn): + """ + This method executes the postprocessor action. In this case it loads the + results to specified dataObject + @ In, inputIn, list, dictionary of data to process + @ Out, outputDict, dict, dictionary containing the post-processed results + """ + # assert + assert(isinstance(inputIn, list)) + assert(isinstance(inputIn[0], xr.Dataset) or isinstance(inputIn[0], DataObjects.DataSet)) + # the input can be either be a list of dataobjects or a list of datasets (xarray) + #datasets = [inp if isinstance(inp, xr.Dataset) else inp.asDataset() for inp in inputIn] + datasets = [data for _, _, data in inputIn['Data']] + #print("datasets:",datasets) + names = [] + pivotParameterTarget = self.pivotParameterTarget + pivotParameterFeature = self.pivotParameterFeature + names = [inp[-1].attrs['name'] for inp in inputIn['Data']] + #print("names:",names) + #print("inputIn:",inputIn) + #print("inputIn['Data'][0][2].indexes:",inputIn['Data'][0][2].indexes) + #print("inputIn['Data'][0][-1].indexes:",inputIn['Data'][0][-1].indexes) + if len(inputIn['Data'][0][-1].indexes) and (self.pivotParameterTarget is None or self.pivotParameterFeature is None): + if 'dynamic' not in self.dynamicType: #self.model.dataType: + self.raiseAnError(IOError, "The validation algorithm '{}' is not a dynamic model but time-dependent data has been inputted in object {}".format(self._type, inputIn['Data'][0][-1].name)) + else: + pivotParameterTarget = inputIn['Data'][1][2] + pivotParameterFeature = inputIn['Data'][0][2] + # check if pivotParameter + evaluation = self._evaluate(datasets) + if not isinstance(evaluation, list): + self.raiseAnError(IOError,"The data type in evaluation is not list") + if pivotParameterFeature and pivotParameterTarget: + if len(datasets[0][pivotParameterFeature]) != len(list(evaluation[0].values())[0]) and len(datasets[1][pivotParameterTarget]) != len(list(evaluation[1].values())[0]): + self.raiseAnError(RuntimeError, "The pivotParameterFeature value '{}' has size '{}' and validation output has size '{}' The pivotParameterTarget value '{}' has size '{}' and validation output has size '{}'.".format( len(datasets[0][self.pivotParameterFeature]), len(evaluation.values()[0]))) + if pivotParameterFeature not in evaluation and pivotParameterTarget not in evaluation: + for i in range(len(evaluation)): + if len(datasets[0][pivotParameterFeature]) < len(datasets[1][pivotParameterTarget]): + evaluation[i]['pivot_parameter'] = datasets[0][pivotParameterFeature] + else: + evaluation[i]['pivot_parameter'] = datasets[1][pivotParameterTarget] + return evaluation + + def _evaluate(self, datasets, **kwargs): + """ + Main method to "do what you do". + @ In, datasets, list, list of datasets (data1,data2,etc.) to used. + @ In, kwargs, dict, keyword arguments + @ Out, outputDict, dict, dictionary containing the results {"feat"_"target"_"metric_name":value} + """ + #print("datasets:",datasets) + realizations = [] + realization_array = [] + for feat, targ, scaleRatioBeta, scaleRatioOmega in zip(self.features, self.targets, self.scaleRatioBeta, self.scaleRatioOmega): + nameFeat = feat.split("|") + nameTarg = targ.split("|") + names = [nameFeat[0],nameTarg[0]] + featData = self._getDataFromDatasets(datasets, feat, names)[0] + targData = self._getDataFromDatasets(datasets, targ, names)[0] + if (isinstance(scaleRatioBeta,int) or isinstance(scaleRatioBeta,float)) and (isinstance(scaleRatioOmega,int) or isinstance(scaleRatioOmega,float)) is True: + if self.scaleType == 'DataSynthesis': + timeScalingRatio = scaleRatioBeta/scaleRatioOmega + elif self.scaleType == '2_2_Affine': + timeScalingRatio = 1 + if abs(1-scaleRatioBeta/scaleRatioOmega) > 10**(-4): + self.raiseAnError(IOError, "Scaling ratio",scaleRatioBeta,"and",scaleRatioOmega,"are not nearly equivalent") + elif self.scaleType == 'Dilation': + timeScalingRatio = scaleRatioBeta + if abs(1-scaleRatioOmega) > 10**(-4): + self.raiseAnError(IOError, "Scaling ratio",scaleRatioOmega,"must be 1") + elif self.scaleType == 'omega_strain': + timeScalingRatio = 1/scaleRatioOmega + if abs(1-scaleRatioOmega) > 10**(-4): + self.raiseAnError(IOError, "Scaling ratio",scaleRatioBeta,"must be 1") + elif self.scaleType == 'identity': + timeScalingRatio = 1 + if abs(1-scaleRatioBeta) and abs(1-scaleRatioOmega) > 10**(-4): + self.raiseAnError(IOError, "Scaling ratio",scaleRatioBeta,"must be 1") + else: + self.raiseAnError(IOError, "Scaling Type",self.scaleType, "is not provided") + else: + self.raiseAnError(IOError, scaleRatioBeta,"or",scaleRatioOmega,"is not a numerical number") + + pivotFeature = self._getDataFromDatasets(datasets, names[0]+"|"+self.pivotParameterFeature, names)[0] + pivotFeature = np.transpose(pivotFeature)[0] + pivotTarget = self._getDataFromDatasets(datasets, names[1]+"|"+self.pivotParameterTarget, names)[0] + pivotTarget = np.transpose(pivotTarget)[0] + pivotFeatureSize = pivotFeature.shape[0] + pivotTargetSize = pivotTarget.shape[0] + if pivotFeatureSize >= pivotTargetSize: + pivotSize = pivotTargetSize + else: + pivotSize = pivotFeatureSize + + if pivotFeatureSize == pivotSize: + y_count = featData.shape[0] + z_count = featData.shape[1] + else: + y_count = targData.shape[0] + z_count = targData.shape[1] + featureProcessTimeNorm = np.zeros((y_count,z_count)) + featureOmegaNorm = np.zeros((y_count,z_count)) + featureBeta = np.zeros((y_count,z_count)) + # + feature = nameFeat[1] + for cnt2 in range(y_count): + if pivotFeatureSize == pivotSize: + featureBeta[cnt2] = featData[cnt2] + interpGrid = pivotFeature + else: + interpFunction = interp1d(pivotFeature,featData[cnt2],kind='linear',fill_value='extrapolate') + interpGrid = timeScalingRatio*pivotTarget + featureBeta[cnt2] = interpFunction(interpGrid) + featureOmega = np.gradient(featureBeta[cnt2],interpGrid) + featureProcessTime = featureBeta[cnt2]/featureOmega + featureDiffOmega = np.gradient(featureOmega,interpGrid) + featureD = -featureBeta[cnt2]/featureOmega**2*featureDiffOmega + featureInt = featureD+1 + featureProcessAction = simps(featureInt, interpGrid) + featureProcessTimeNorm[cnt2] = featureProcessTime/featureProcessAction + featureOmegaNorm[cnt2] = featureProcessAction*featureOmega + # + targetD = np.zeros((y_count,z_count)) + targetProcessTimeNorm = np.zeros((y_count,z_count)) + targetOmegaNorm = np.zeros((y_count,z_count)) + targetBeta = np.zeros((y_count,z_count)) + target = nameTarg[1] + for cnt2 in range(y_count): + if pivotTargetSize == pivotSize: + targetBeta[cnt2] = targData[cnt2] + interpGrid = pivotTarget + else: + interpFunction = interp1d(pivotTarget,targData[cnt2],kind='linear',fill_value='extrapolate') + interpGrid = 1/timeScalingRatio*pivotFeature + targetBeta[cnt2] = interpFunction(interpGrid) + targetOmega = np.gradient(targetBeta[cnt2],interpGrid) + targetProcessTime = targetBeta[cnt2]/targetOmega + targetDiffOmega = np.gradient(targetOmega,interpGrid) + targetD[cnt2] = -targetBeta[cnt2]/targetOmega**2*targetDiffOmega + targetInt = targetD[cnt2]+1 + targetProcessAction = simps(targetInt, interpGrid) + targetProcessTimeNorm[cnt2] = targetProcessTime/targetProcessAction + targetOmegaNorm[cnt2] = targetProcessAction*targetOmega + # + featureProcessTimeNormScaled = np.zeros((y_count,z_count)) + featureOmegaNormScaled = np.zeros((y_count,z_count)) + for cnt3 in range(y_count): + featureProcessTimeNormScaled[cnt3] = featureProcessTimeNorm[cnt3]/timeScalingRatio + featureOmegaNormScaled[cnt3] = featureOmegaNorm[cnt3]/scaleRatioBeta + newfeatureData = np.asarray([featureOmegaNormScaled,featureProcessTimeNormScaled,featureBeta]) + newtargetData = np.asarray([targetOmegaNorm,targetD,targetBeta]) + #------------------------------------------------------------------------------------------ + if pivotTargetSize == pivotSize: + timeParameter = pivotTarget + else: + timeParameter = pivotFeature + outputDict = {} + distanceTotal = np.zeros((y_count,z_count)) + sigma = np.zeros((y_count,z_count)) + for metric in self.metrics: + name = "{}_{}_{}".format(feat.split("|")[-1], targ.split("|")[-1], metric.estimator.name) + output = metric.evaluate((newfeatureData,newtargetData), multiOutput='raw_values') + for cnt2 in range(y_count): + distanceSum = abs(np.sum(output[cnt2])) + sigmaSum = 0 + for cnt3 in range(z_count): + distanceTotal[cnt2][cnt3] = distanceSum + sigmaSum += output[cnt2][cnt3]**2 + for cnt3 in range(z_count): + sigma[cnt2][cnt3] = (1/z_count*sigmaSum)**0.5 + rlz = [] + for cnt in range(y_count): + outputDict = {} + outputDict[name] = np.atleast_1d(output[cnt]) + outputDict['pivot_parameter'] = timeParameter + outputDict[nameFeat[1]+'_'+nameTarg[1]+'_total_distance'] = distanceTotal[cnt] + outputDict[nameFeat[1]+'_'+nameTarg[1]+'_process_time'] = newfeatureData[1][cnt] + outputDict[nameFeat[1]+'_'+nameTarg[1]+'_standard_deviation'] = sigma[cnt] + rlz.append(outputDict) + realization_array.append(rlz) + #--------------- + for cnt in range(len(realization_array[0])): + out = {} + for cnt2 in range(len(realization_array)): + for key, val in realization_array[cnt2][cnt].items(): + out[key] = val + realizations.append(out) + #return outputDict + return realizations + + def _getDataFromDatasets(self, datasets, var, names=None): + """ + Utility function to retrieve the data from dataDict + @ In, datasets, list, list of datasets (data1,data2,etc.) to search from. + @ In, names, list, optional, list of datasets names (data1,data2,etc.). If not present, the search will be done on the full list. + @ In, var, str, the variable to find (either in fromat dataobject|var or simply var) + @ Out, data, tuple(numpy.ndarray, xarray.DataArray or None), the retrived data (data, probability weights (None if not present)) + """ + data = None + pw = None + dat = None + if "|" in var and names is not None: + do, feat = var.split("|") + doindex = names.index(do) + dat = datasets[doindex][feat] + else: + for doindex, ds in enumerate(datasets): + if var in ds: + dat = ds[var] + break + if 'ProbabilityWeight-{}'.format(feat) in datasets[names.index(do)]: + pw = datasets[doindex]['ProbabilityWeight-{}'.format(feat)].values + elif 'ProbabilityWeight' in datasets[names.index(do)]: + pw = datasets[doindex]['ProbabilityWeight'].values + dim = len(dat.shape) + # (numRealizations, numHistorySteps) for MetricDistributor + dat = dat.values + if dim == 1: + # the following reshaping does not require a copy + dat.shape = (dat.shape[0], 1) + data = dat, pw + return data + + def collectOutput(self, finishedJob, output): + """ + Function to place all of the computed data into the output object + @ In, finishedJob, JobHandler External or Internal instance, A JobHandler object that is in charge of running this post-processor + @ In, output, DataObject.DataObject, The object where we want to place our computed results + @ Out, None + """ + evaluation = finishedJob.getEvaluation() + realizations = evaluation[1] + for rlz in realizations: + output.addRealization(rlz) From d811a315beca4788a2041ca0e6fc1d74468fa75e Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Wed, 21 Jul 2021 15:22:14 -0700 Subject: [PATCH 07/77] DSS xml file --- .../Validation/test_validation_dss.xml | 141 ++++++++++++++++++ 1 file changed, 141 insertions(+) create mode 100644 tests/framework/PostProcessors/Validation/test_validation_dss.xml diff --git a/tests/framework/PostProcessors/Validation/test_validation_dss.xml b/tests/framework/PostProcessors/Validation/test_validation_dss.xml new file mode 100644 index 0000000000..af48d7aeb3 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/test_validation_dss.xml @@ -0,0 +1,141 @@ + + + + framework/PostProcessors/Validation/test_validation_dss + yoshrk + 2021-03-16 + PostProcessors.Validation + + This test checks the DSS PostProcessor with DSS metric + + + no writing directly to files from postprocessors + + + + + DSS + mcRun1, mcRun2, PP2 + 1 + + + + + sigma,rho,beta,x1,y1,z1,time1,x0,y0,z0 + + + sigma,rho,beta,x2,y2,z2,time2,x0,y0,z0 + + + outMC1|x1,outMC1|y1 + outMC2|x2,outMC2|y2 + dss + time1 + time2 + raw_values + DataSynthesis + 1,1 + 1,1 + + + + + + DataSynthesis + + + + + + x0,y0,z0 + OutputPlaceHolder + + + + x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation, + y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation + + + pivot_parameter + + + + x0,y0,z0 + time1,x1,y1,z1 + + time1 + + + + x0,y0,z0 + time2,x2,y2,z2 + + time2 + + + + + + + csv + pp2_out + + + + + + + 4 + 1 + + + 4 + 1 + + + 4 + 1 + + + + + + + 10 + 1 + + + x0_distrib + + + y0_distrib + + + z0_distrib + + + + + + + inputPlaceHolder + PythonModule1 + MC_external + outMC1 + + + inputPlaceHolder + PythonModule2 + MC_external + outMC2 + + + outMC1 + outMC2 + pp2 + pp2_out + pp2_print + + + + From 260a28795d19178947f2cdbb4c53000945189d5f Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Wed, 21 Jul 2021 15:26:03 -0700 Subject: [PATCH 08/77] Added external models and xml output files --- ...Attractor_timeScale_I.cpython-37.opt-1.pyc | Bin 0 -> 1153 bytes ...ttractor_timeScale_II.cpython-37.opt-1.pyc | Bin 0 -> 1154 bytes .../DSS/lorentzAttractor_timeScale_I.py | 53 +++++++++ .../DSS/lorentzAttractor_timeScale_II.py | 53 +++++++++ .../Validation/DSS/pp2_print.csv | 11 ++ .../Validation/DSS/pp2_print.xml | 19 ++++ .../Validation/DSS/pp2_print_0.csv | 101 ++++++++++++++++++ .../Validation/DSS/pp2_print_1.csv | 101 ++++++++++++++++++ .../Validation/DSS/pp2_print_2.csv | 101 ++++++++++++++++++ .../Validation/DSS/pp2_print_3.csv | 101 ++++++++++++++++++ .../Validation/DSS/pp2_print_4.csv | 101 ++++++++++++++++++ .../Validation/DSS/pp2_print_5.csv | 101 ++++++++++++++++++ .../Validation/DSS/pp2_print_6.csv | 101 ++++++++++++++++++ .../Validation/DSS/pp2_print_7.csv | 101 ++++++++++++++++++ .../Validation/DSS/pp2_print_8.csv | 101 ++++++++++++++++++ .../Validation/DSS/pp2_print_9.csv | 101 ++++++++++++++++++ 16 files changed, 1146 insertions(+) create mode 100644 tests/framework/PostProcessors/Validation/DSS/__pycache__/lorentzAttractor_timeScale_I.cpython-37.opt-1.pyc create mode 100644 tests/framework/PostProcessors/Validation/DSS/__pycache__/lorentzAttractor_timeScale_II.cpython-37.opt-1.pyc create mode 100644 tests/framework/PostProcessors/Validation/DSS/lorentzAttractor_timeScale_I.py create mode 100644 tests/framework/PostProcessors/Validation/DSS/lorentzAttractor_timeScale_II.py create mode 100644 tests/framework/PostProcessors/Validation/DSS/pp2_print.csv create mode 100644 tests/framework/PostProcessors/Validation/DSS/pp2_print.xml create mode 100644 tests/framework/PostProcessors/Validation/DSS/pp2_print_0.csv create mode 100644 tests/framework/PostProcessors/Validation/DSS/pp2_print_1.csv create mode 100644 tests/framework/PostProcessors/Validation/DSS/pp2_print_2.csv create mode 100644 tests/framework/PostProcessors/Validation/DSS/pp2_print_3.csv create mode 100644 tests/framework/PostProcessors/Validation/DSS/pp2_print_4.csv create mode 100644 tests/framework/PostProcessors/Validation/DSS/pp2_print_5.csv create mode 100644 tests/framework/PostProcessors/Validation/DSS/pp2_print_6.csv create mode 100644 tests/framework/PostProcessors/Validation/DSS/pp2_print_7.csv create mode 100644 tests/framework/PostProcessors/Validation/DSS/pp2_print_8.csv create mode 100644 tests/framework/PostProcessors/Validation/DSS/pp2_print_9.csv diff --git a/tests/framework/PostProcessors/Validation/DSS/__pycache__/lorentzAttractor_timeScale_I.cpython-37.opt-1.pyc b/tests/framework/PostProcessors/Validation/DSS/__pycache__/lorentzAttractor_timeScale_I.cpython-37.opt-1.pyc new file mode 100644 index 0000000000000000000000000000000000000000..fbab31485955c94d4c65c1c40300ab500901a4fa GIT binary patch literal 1153 zcmaJ=&2AGh5VpPE&E~HZh-fP~a>=FJUN}`WKn3chsuT)RBowx>o9wdL4YmVK*qq=6 zkaz$%a^V4Z0?r)w#Lua(z=;_rslo+Y9?y*DoAJ(mzF)6b2#ny{`t$c5A-~aB4hBjK zmc9i-5J3~tp@IqL9qBN^g$uhQXqz;>3y2^`JqI@!xFh-jEPVrnpgHLh!9Y^sfMkLI zjvw{m5XSA+LfLEePwa48O{Z{m)E|b0qXt>QPo)XL$F)q(imDo?hv`{%5cNz^iPF*7 zJd6^lKNICczCVNDL`$Uu6%Mm>lIcM-Rv}ogWEvQ$jSkM>NWRY0i{LoZ=2&GtsdWaB zCt(ta&_r1p9JJd(k|~**={;jq*fW{xnrJB7y)cp8!|l-oi$^8`%v4^7${NcP>e;EV zxjpOzj?!Y;u6&@_l^GLk<_KrT1-Bh?ZHGMUka2P+=Qqh)I&%&G=;rPx?4q}#msWIt zMK9-6l(q;&S3vWvRt2qWwc7GD_C#fmEF#*JSJXD)J_qF4 z_Zi$VF6SO(MiaH`(6{daJEGgGohsgSZi%9o6{xCeZ%$ayu<^S&h}GovcD(vNejc!miOxdWW{CLR^ysy!)H+y}?AE_h Z2VaA-#r(ZtCdP@pdlg(7JK!_l`wQwb_-z0H literal 0 HcmV?d00001 diff --git a/tests/framework/PostProcessors/Validation/DSS/__pycache__/lorentzAttractor_timeScale_II.cpython-37.opt-1.pyc b/tests/framework/PostProcessors/Validation/DSS/__pycache__/lorentzAttractor_timeScale_II.cpython-37.opt-1.pyc new file mode 100644 index 0000000000000000000000000000000000000000..3f52a4db2bd654642586de22d308f74f8a10e6f1 GIT binary patch literal 1154 zcmY*Zy>1gh5Z>MU@%b+Vut*{(Y24(Z6jTv05P{r8kxYUV37Ly`?cBw_GrMbu&AEan zKs*4HG&}$mB{k)CfP|Eenu?jV9n7qDZf17AnY;0~zF)1D2*}ab)n{*gLVlvN5C%pA zwz>t16Hfc&m~zIQH{_UcmwWJZIBk)-e*qa}zvJKo1fPh009)Mv#c593gfq~TJD?dS zfOGeIa0qg{F*kM^y+bQrqwW|_#l1mf9C?}<_eAIjVy+VXt|`k=+DyCIUfj{96sN-F6YAR~ zak?EG1xjJQ?O5JX9Ltn(Hg&i&b-8Ot_q~^UA8?HRl3iG` zgC)C|Q(o90kX-^RuvQtYqO~fE)5Pbc9kR$s3Ukk9B>{T8oRg%8*7*-z%{^XOhxged zPrps!9g|}2Lq%r|I-$)gYXs_%#J6$yqJ-4YFIaybU&okJBNhdjm#A45qGouK!1pEr zVl8G~=RZ7PF7Y-qU&h;t_6>k~vr4sDtwn#p%<#`YKLL^hDXaUvu9aWAy;rqQkG@az z?wp;!7sfxne!1kUVdqcE!4kF|Nz50qo9!R_!(gkIlIMs%wL*q?^%oO0a z0S|k!ee5C2wq+TUE2yf7@MM(sM7ot+~CKyELmXyZVZKcJ~xI9)Jb0r-OPK11n zbcLugRNK2TQ$?)cz%AMULv4a0)V0epmsMDW+Qmu~7F(gXO6(e4r*~+BO8ir(yT*eq j!?9ci&ywB7m-^sskhWQ{GsyU;FYaE2kirQBEb#vVSOWe+ literal 0 HcmV?d00001 diff --git a/tests/framework/PostProcessors/Validation/DSS/lorentzAttractor_timeScale_I.py b/tests/framework/PostProcessors/Validation/DSS/lorentzAttractor_timeScale_I.py new file mode 100644 index 0000000000..111e783943 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/DSS/lorentzAttractor_timeScale_I.py @@ -0,0 +1,53 @@ +# Copyright 2017 Battelle Energy Alliance, LLC +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +# from wikipedia: dx/dt = sigma*(y-x) ; dy/dt = x*(rho-z)-y dz/dt = x*y-beta*z + +import numpy as np + +def initialize(self,runInfoDict,inputFiles): + self.sigma = 10.0 + self.rho = 28.0 + self.beta = 8.0/3.0 + return + +def run(self,Input): + disc = 2.0 + max_time = 0.5 + t_step = 0.005 + self.sigma = 10.0 + self.rho = 28.0 + self.beta = 8.0/3.0 + + numberTimeSteps = int(max_time/t_step) + + self.x1 = np.zeros(numberTimeSteps) + self.y1 = np.zeros(numberTimeSteps) + self.z1 = np.zeros(numberTimeSteps) + self.time1 = np.zeros(numberTimeSteps) + + self.x0 = Input['x0'] + self.y0 = Input['y0'] + self.z0 = Input['z0'] + + self.x1[0] = Input['x0'] + self.y1[0] = Input['y0'] + self.z1[0] = Input['z0'] + self.time1[0]= 0.0 + + for t in range (numberTimeSteps-1): + self.time1[t+1] = self.time1[t] + t_step + self.x1[t+1] = self.x1[t] + disc*self.sigma*(self.y1[t]-self.x1[t]) * t_step + self.y1[t+1] = self.y1[t] + disc*(self.x1[t]*(self.rho-self.z1[t])-self.y1[t]) * t_step + self.z1[t+1] = self.z1[t] + disc*(self.x1[t]*self.y1[t]-self.beta*self.z1[t]) * t_step diff --git a/tests/framework/PostProcessors/Validation/DSS/lorentzAttractor_timeScale_II.py b/tests/framework/PostProcessors/Validation/DSS/lorentzAttractor_timeScale_II.py new file mode 100644 index 0000000000..6b23461899 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/DSS/lorentzAttractor_timeScale_II.py @@ -0,0 +1,53 @@ +# Copyright 2017 Battelle Energy Alliance, LLC +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +# from wikipedia: dx/dt = sigma*(y-x) ; dy/dt = x*(rho-z)-y dz/dt = x*y-beta*z + +import numpy as np + +def initialize(self,runInfoDict,inputFiles): + self.sigma = 10.0 + self.rho = 28.0 + self.beta = 8.0/3.0 + return + +def run(self,Input): + max_time = 0.7 + t_step = 0.005 + disc = 1.0 + self.sigma = 10.0 + self.rho = -28.0 + self.beta = 8.0/3.0 + + numberTimeSteps = int(max_time/t_step) + + self.x2 = np.zeros(numberTimeSteps) + self.y2 = np.zeros(numberTimeSteps) + self.z2 = np.zeros(numberTimeSteps) + self.time2 = np.zeros(numberTimeSteps) + + self.x0 = Input['x0'] + self.y0 = Input['y0'] + self.z0 = Input['z0'] + + self.x2[0] = Input['x0'] + self.y2[0] = Input['y0'] + self.z2[0] = Input['z0'] + self.time2[0]= 0.0 + + for t in range (numberTimeSteps-1): + self.time2[t+1] = self.time2[t] + t_step + self.x2[t+1] = self.x2[t] + disc*self.sigma*(self.y2[t]-self.x2[t]) * t_step + self.y2[t+1] = self.y2[t] + disc*(self.x2[t]*(self.rho-self.z2[t])-self.y2[t]) * t_step + self.z2[t+1] = self.z2[t] + disc*(self.x2[t]*self.y2[t]-self.beta*self.z2[t]) * t_step diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print.csv new file mode 100644 index 0000000000..421a54c7ef --- /dev/null +++ b/tests/framework/PostProcessors/Validation/DSS/pp2_print.csv @@ -0,0 +1,11 @@ +filename +pp2_print_0.csv +pp2_print_1.csv +pp2_print_2.csv +pp2_print_3.csv +pp2_print_4.csv +pp2_print_5.csv +pp2_print_6.csv +pp2_print_7.csv +pp2_print_8.csv +pp2_print_9.csv diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print.xml b/tests/framework/PostProcessors/Validation/DSS/pp2_print.xml new file mode 100644 index 0000000000..873587fc62 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/DSS/pp2_print.xml @@ -0,0 +1,19 @@ + + + + pivot_parameter + pivot_parameter + pivot_parameter + pivot_parameter + pivot_parameter + pivot_parameter + pivot_parameter + pivot_parameter + + + x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation + RAVEN_sample_ID + + + + diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_0.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_0.csv new file mode 100644 index 0000000000..d8961a1fa9 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/DSS/pp2_print_0.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,0.0756901816043,24.887493332,-0.000351283270388,2.59700011532,0.0356012101676,53.1999350236,0.206070488345,4.78635605162 +0.005,0.0510745233206,24.887493332,-0.000385934668242,2.59700011532,0.0448169166406,53.1999350236,0.210768607572,4.78635605162 +0.01,0.0256194405153,24.887493332,-0.000406159113474,2.59700011532,0.052224344465,53.1999350236,0.204272609211,4.78635605162 +0.015,0.0150024229693,24.887493332,-0.000421393172979,2.59700011532,0.0516883771607,53.1999350236,0.20010519813,4.78635605162 +0.02,0.010257283552,24.887493332,-0.000432783299084,2.59700011532,0.0451798791812,53.1999350236,0.197573824791,4.78635605162 +0.025,0.00769231680981,24.887493332,-0.000441348962559,2.59700011532,0.0284060742231,53.1999350236,0.196261897457,4.78635605162 +0.030000000000000002,0.00612549904352,24.887493332,-0.000447943830224,2.59700011532,0.0336672365961,53.1999350236,0.195926608029,4.78635605162 +0.035,0.00507743437159,24.887493332,-0.000453262151306,2.59700011532,0.0629855379733,53.1999350236,0.196444243236,4.78635605162 +0.04,0.00431968056602,24.887493332,-0.000457866493304,2.59700011532,0.0894619720643,53.1999350236,0.19778161272,4.78635605162 +0.045,0.00372831979973,24.887493332,-0.000462222758356,2.59700011532,0.1172518338,53.1999350236,0.199984022056,4.78635605162 +0.049999999999999996,0.00322683934388,24.887493332,-0.000466735814408,2.59700011532,0.148479034567,53.1999350236,0.203176148606,4.78635605162 +0.05499999999999999,0.00275944130293,24.887493332,-0.000471783762648,2.59700011532,0.185378812568,53.1999350236,0.207576121419,4.78635605162 +0.05999999999999999,0.00227360608449,24.887493332,-0.00047775165284,2.59700011532,0.231060029877,53.1999350236,0.213527199795,4.78635605162 +0.06499999999999999,0.00169433633486,24.887493332,-0.000485067311788,2.59700011532,0.290431280096,53.1999350236,0.221557909815,4.78635605162 +0.06999999999999999,0.000772991562933,24.887493332,-0.000494243726694,2.59700011532,0.371943441596,53.1999350236,0.232494548059,4.78635605162 +0.075,0.00130283362855,24.887493332,-0.000505935007915,2.59700011532,0.491460016819,53.1999350236,0.24768026844,4.78635605162 +0.08,0.00199187521109,24.887493332,-0.000521017617242,2.59700011532,0.682094146904,53.1999350236,0.269434057245,4.78635605162 +0.085,0.00245409022898,24.887493332,-0.000540717719677,2.59700011532,1.02380596657,53.1999350236,0.302118525415,4.78635605162 +0.09000000000000001,0.00272598009733,24.887493332,-0.000566824621632,2.59700011532,1.75751674307,53.1999350236,0.355020324828,4.78635605162 +0.09500000000000001,0.00271172120559,24.887493332,-0.000602072646113,2.59700011532,3.96065102521,53.1999350236,0.452043262233,4.78635605162 +0.10000000000000002,0.0020653563727,24.887493332,-0.000650875572106,2.59700011532,22.063705504,53.1999350236,0.679238712152,4.78635605162 +0.10500000000000002,0.00211813443079,24.887493332,-0.000720868007637,2.59700011532,32.5016834277,53.1999350236,1.76335102388,4.78635605162 +0.11000000000000003,0.00483476705374,24.887493332,-0.000826525967792,2.59700011532,-13.8684083592,53.1999350236,-1.84767843252,4.78635605162 +0.11500000000000003,0.00772383018827,24.887493332,-0.000999095540335,2.59700011532,-2.46453702091,53.1999350236,-0.525372763748,4.78635605162 +0.12000000000000004,0.0111468044228,24.887493332,-0.00132091190976,2.59700011532,-0.944134639777,53.1999350236,-0.278401055973,4.78635605162 +0.12500000000000003,0.0151108859396,24.887493332,-0.00210251007708,2.59700011532,-0.459372384566,53.1999350236,-0.174801950313,4.78635605162 +0.13000000000000003,0.0171343953503,24.887493332,-0.00646411039937,2.59700011532,-0.248870152479,53.1999350236,-0.117764017075,4.78635605162 +0.13500000000000004,0.0350652053287,24.887493332,0.00483896441515,2.59700011532,-0.140697849216,53.1999350236,-0.0811959709455,4.78635605162 +0.14000000000000004,0.0423716405627,24.887493332,0.00164348920338,2.59700011532,-0.0787121176144,53.1999350236,-0.054939356815,4.78635605162 +0.14500000000000005,0.0556065274189,24.887493332,0.000952164683723,2.59700011532,-0.0402717597698,53.1999350236,-0.0339839519099,4.78635605162 +0.15000000000000005,0.0750741244315,24.887493332,0.000652717338428,2.59700011532,-0.0148647829393,53.1999350236,-0.0152581605846,4.78635605162 +0.15500000000000005,0.105121364985,24.887493332,0.000486276138869,2.59700011532,0.00289817867961,53.1999350236,0.00366434837427,4.78635605162 +0.16000000000000006,0.156661888365,24.887493332,0.000380003627249,2.59700011532,0.0159186133438,53.1999350236,0.0253281189163,4.78635605162 +0.16500000000000006,0.262367592272,24.887493332,0.00030521417449,2.59700011532,0.025571042223,53.1999350236,0.0531682521213,4.78635605162 +0.17000000000000007,0.564364908709,24.887493332,0.000248127467158,2.59700011532,0.0315872784201,53.1999350236,0.0927821259941,4.78635605162 +0.17500000000000007,2.5959579167,24.887493332,0.000201130085144,2.59700011532,0.0292029206784,53.1999350236,0.154754141223,4.78635605162 +0.18000000000000008,-16.475446849,24.887493332,0.000159525889875,2.59700011532,0.0358911787049,53.1999350236,0.262490035739,4.78635605162 +0.18500000000000008,-0.511783036992,24.887493332,0.000120133768726,2.59700011532,0.110684484186,53.1999350236,0.480628409477,4.78635605162 +0.19000000000000009,-0.10082323864,24.887493332,8.06091792099e-05,2.59700011532,0.287502181726,53.1999350236,1.07825811416,4.78635605162 +0.1950000000000001,-0.0217616071722,24.887493332,3.90793631522e-05,2.59700011532,1.76278846025,53.1999350236,6.44341026385,4.78635605162 +0.2000000000000001,0.0018057589186,24.887493332,-6.0783411812e-06,2.59700011532,-0.708546763109,53.1999350236,-2.77999234179,4.78635605162 +0.2050000000000001,0.00986119174713,24.887493332,-5.6395309412e-05,2.59700011532,-0.288768517405,53.1999350236,-1.4250988599,4.78635605162 +0.2100000000000001,0.0123886048682,24.887493332,-0.000113451921497,2.59700011532,-0.0453883904931,53.1999350236,-1.07480405018,4.78635605162 +0.2150000000000001,0.0126672479613,24.887493332,-0.000179031059276,2.59700011532,-0.216098228243,53.1999350236,-0.918928673398,4.78635605162 +0.2200000000000001,0.0119639992296,24.887493332,-0.000255316700686,2.59700011532,-0.303782296424,53.1999350236,-0.829882029715,4.78635605162 +0.22500000000000012,0.0108188848603,24.887493332,-0.000345181037066,2.59700011532,-0.376540448411,53.1999350236,-0.768590246102,4.78635605162 +0.23000000000000012,0.00947298486221,24.887493332,-0.000452632098144,2.59700011532,-0.444674685389,53.1999350236,-0.719533354007,4.78635605162 +0.23500000000000013,0.0080303460657,24.887493332,-0.000583556378394,2.59700011532,-0.511709354218,53.1999350236,-0.676086138182,4.78635605162 +0.24000000000000013,0.00652220624591,24.887493332,-0.00074703080616,2.59700011532,-0.580320553624,53.1999350236,-0.635687041334,4.78635605162 +0.24500000000000013,0.00492318860659,24.887493332,-0.000957812458771,2.59700011532,-0.65402690633,53.1999350236,-0.597721930261,4.78635605162 +0.2500000000000001,0.00309611593474,24.887493332,-0.00124149111194,2.59700011532,-0.738159324039,53.1999350236,-0.562420286285,4.78635605162 +0.2550000000000001,0.00120852123153,24.887493332,-0.00164639842495,2.59700011532,-0.841123459156,53.1999350236,-0.530264983882,4.78635605162 +0.2600000000000001,0.00296770830518,24.887493332,-0.00227557552413,2.59700011532,-0.976992971635,53.1999350236,-0.501711546802,4.78635605162 +0.2650000000000001,0.00346446876209,24.887493332,-0.00339370868859,2.59700011532,-1.17176767092,53.1999350236,-0.477092298472,4.78635605162 +0.27000000000000013,0.00311165177851,24.887493332,-0.0059459529095,2.59700011532,-1.48075094168,53.1999350236,-0.456618664681,4.78635605162 +0.27500000000000013,5.81181297004e-05,24.887493332,-0.017658799066,2.59700011532,-2.04846257485,53.1999350236,-0.440426219434,4.78635605162 +0.28000000000000014,0.00944333510943,24.887493332,0.023614750085,2.59700011532,-3.40557789309,53.1999350236,-0.428632720771,4.78635605162 +0.28500000000000014,0.00340829970713,24.887493332,0.00767066056605,2.59700011532,-3.11284671985,53.1999350236,-0.421397253632,4.78635605162 +0.29000000000000015,0.00465662583969,24.887493332,0.00479547193423,2.59700011532,-7.3226845792,53.1999350236,-0.418979551034,4.78635605162 +0.29500000000000015,0.00803485316173,24.887493332,0.00360288615197,2.59700011532,-2.89900743487,53.1999350236,-0.421805251145,4.78635605162 +0.30000000000000016,0.011317208785,24.887493332,0.00295953304001,2.59700011532,-1.81265725321,53.1999350236,-0.430548255252,4.78635605162 +0.30500000000000016,0.0150342971053,24.887493332,0.00256543644154,2.59700011532,-1.33509443051,53.1999350236,-0.446248610867,4.78635605162 +0.31000000000000016,0.0195367803603,24.887493332,0.00230729950188,2.59700011532,-1.07524607458,53.1999350236,-0.470497775671,4.78635605162 +0.31500000000000017,0.0252566844823,24.887493332,0.00213320374467,2.59700011532,-0.919444803615,53.1999350236,-0.505751070035,4.78635605162 +0.3200000000000002,0.0328467262745,24.887493332,0.00201640022284,2.59700011532,-0.823327239499,53.1999350236,-0.555889367891,4.78635605162 +0.3250000000000002,0.0433920010407,24.887493332,0.0019421605681,2.59700011532,-0.767055057191,53.1999350236,-0.627301579015,4.78635605162 +0.3300000000000002,0.0588411035857,24.887493332,0.00190225207722,2.59700011532,-0.742100920444,53.1999350236,-0.731155591538,4.78635605162 +0.3350000000000002,0.0830086530868,24.887493332,0.00189240571623,2.59700011532,-0.747384467914,53.1999350236,-0.888719562089,4.78635605162 +0.3400000000000002,0.12423731265,24.887493332,0.00191114377949,2.59700011532,-0.790619061756,53.1999350236,-1.14588760045,4.78635605162 +0.3450000000000002,0.203820698837,24.887493332,0.00195933974328,2.59700011532,-0.899404931831,53.1999350236,-1.62299653837,4.78635605162 +0.3500000000000002,0.390562922342,24.887493332,0.00204028979904,2.59700011532,-1.18152944757,53.1999350236,-2.76799848929,4.78635605162 +0.3550000000000002,1.02223133173,24.887493332,0.00216030007533,2.59700011532,-2.64941999732,53.1999350236,-8.84234636717,4.78635605162 +0.3600000000000002,6.9577971122,24.887493332,0.00233000990751,2.59700011532,1.20022386476,53.1999350236,8.04846171823,4.78635605162 +0.3650000000000002,-18.536899259,24.887493332,0.00256703619018,2.59700011532,0.458741195621,53.1999350236,2.87699372783,4.78635605162 +0.3700000000000002,-1.39066604189,24.887493332,0.0029013579004,2.59700011532,0.428452490342,53.1999350236,1.80260103173,4.78635605162 +0.3750000000000002,-0.461207455208,24.887493332,0.00338712026367,2.59700011532,0.362958187378,53.1999350236,1.34317089246,4.78635605162 +0.3800000000000002,-0.223731187001,24.887493332,0.00413170682114,2.59700011532,0.301055452763,53.1999350236,1.09124468109,4.78635605162 +0.38500000000000023,-0.128229841417,24.887493332,0.00538073173552,2.59700011532,0.240107113086,53.1999350236,0.93409620892,4.78635605162 +0.39000000000000024,-0.0784920119467,24.887493332,0.00784320725238,2.59700011532,0.170645997776,53.1999350236,0.828064963517,4.78635605162 +0.39500000000000024,-0.0431611488023,24.887493332,0.0147525608011,2.59700011532,0.0479569348817,53.1999350236,0.752702627484,4.78635605162 +0.40000000000000024,0.125171738448,24.887493332,0.133635902199,2.59700011532,0.157958083139,53.1999350236,0.697173708623,4.78635605162 +0.40500000000000025,-0.0584942984204,24.887493332,-0.0189855321451,2.59700011532,0.233609668151,53.1999350236,0.655219001313,4.78635605162 +0.41000000000000025,-0.037702725343,24.887493332,-0.00892863564252,2.59700011532,0.297743334418,53.1999350236,0.622989555054,4.78635605162 +0.41500000000000026,-0.027827106942,24.887493332,-0.00588638133755,2.59700011532,0.360227788464,53.1999350236,0.598008455715,4.78635605162 +0.42000000000000026,-0.0211987160476,24.887493332,-0.00442910916332,2.59700011532,0.42599152393,53.1999350236,0.57863048966,4.78635605162 +0.42500000000000027,-0.0160802276811,24.887493332,-0.00358152181559,2.59700011532,0.499061371088,53.1999350236,0.563742368813,4.78635605162 +0.43000000000000027,-0.0116739791922,24.887493332,-0.00303237055096,2.59700011532,0.583905567893,53.1999350236,0.552588046692,4.78635605162 +0.4350000000000003,-0.00728500366889,24.887493332,-0.00265158641512,2.59700011532,0.686486121185,53.1999350236,0.544663350089,4.78635605162 +0.4400000000000003,-0.00243291347265,24.887493332,-0.00237526997039,2.59700011532,0.815737263059,53.1999350236,0.539651413346,4.78635605162 +0.4450000000000003,-0.00696198428924,24.887493332,-0.00216842991751,2.59700011532,0.986299442514,53.1999350236,0.537383772652,4.78635605162 +0.4500000000000003,-0.00884851819847,24.887493332,-0.00201036354406,2.59700011532,1.22437969711,53.1999350236,0.537819018778,4.78635605162 +0.4550000000000003,-0.00981004369416,24.887493332,-0.00188810713602,2.59700011532,1.58201216785,53.1999350236,0.541034965552,4.78635605162 +0.4600000000000003,-0.0100218150295,24.887493332,-0.00179320090124,2.59700011532,2.17654305476,53.1999350236,0.547232998658,4.78635605162 +0.4650000000000003,-0.00925982419887,24.887493332,-0.0017199680688,2.59700011532,3.29135191908,53.1999350236,0.556755557551,4.78635605162 +0.4700000000000003,-0.00649167144982,24.887493332,-0.00166454644856,2.59700011532,-0.343367636509,53.1999350236,0.570120302197,4.78635605162 +0.4750000000000003,-0.00695375377574,24.887493332,-0.00162432127992,2.59700011532,18.3891004778,53.1999350236,0.588078304694,4.78635605162 +0.4800000000000003,-0.0147497845514,24.887493332,-0.00159758644143,2.59700011532,5.42949840841,53.1999350236,0.611710070066,4.78635605162 +0.4850000000000003,-0.0228537785489,24.887493332,-0.0015833449369,2.59700011532,3.20885144676,53.1999350236,0.642585338604,4.78635605162 +0.4900000000000003,-0.0280619238181,24.887493332,-0.00158120223415,2.59700011532,2.04560508739,53.1999350236,0.683037188758,4.78635605162 +0.49500000000000033,-0.0287684290134,24.887493332,-0.00160677194296,2.59700011532,1.49764431607,53.1999350236,0.715994577108,4.78635605162 diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_1.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_1.csv new file mode 100644 index 0000000000..0591a62545 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/DSS/pp2_print_1.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,0.774109933747,78.5323269828,-0.00111513031321,8.02406872151,0.00015699442728,21.1645936719,0.000388766220683,3.62270476039 +0.005,0.172934844167,78.5323269828,0.000312548594868,8.02406872151,0.000253790755873,21.1645936719,0.000478997467537,3.62270476039 +0.01,0.0434518775793,78.5323269828,9.33645706157e-05,8.02406872151,0.000389758416471,21.1645936719,0.00056805120926,3.62270476039 +0.015,0.019233004651,78.5323269828,5.94011493334e-05,8.02406872151,0.000486770043257,21.1645936719,0.000646124658721,3.62270476039 +0.02,0.0112138144262,78.5323269828,4.6202616342e-05,8.02406872151,0.000529134300053,21.1645936719,0.000713124729502,3.62270476039 +0.025,0.00757486755401,78.5323269828,3.95339280479e-05,8.02406872151,0.000474278984792,21.1645936719,0.000770415120738,3.62270476039 +0.030000000000000002,0.00559988445393,78.5323269828,3.57467616553e-05,8.02406872151,0.000152740369949,21.1645936719,0.000820287742045,3.62270476039 +0.035,0.004390795607,78.5323269828,3.34846745312e-05,8.02406872151,0.000797991250143,21.1645936719,0.000865542594222,3.62270476039 +0.04,0.00357888192657,78.5323269828,3.21335157958e-05,8.02406872151,0.00139258099056,21.1645936719,0.00090927581244,3.62270476039 +0.045,0.00298801637499,78.5323269828,3.13820403602e-05,8.02406872151,0.00213544322869,21.1645936719,0.000954896315223,3.62270476039 +0.049999999999999996,0.002522954625,78.5323269828,3.10643814811e-05,8.02406872151,0.00312433905151,21.1645936719,0.00100638290725,3.62270476039 +0.05499999999999999,0.00212519328404,78.5323269828,3.10947442252e-05,8.02406872151,0.00449128682363,21.1645936719,0.00106885498154,3.62270476039 +0.05999999999999999,0.00175195717774,78.5323269828,3.14383431158e-05,8.02406872151,0.00644420016217,21.1645936719,0.0011496907818,3.62270476039 +0.06499999999999999,0.00136101853355,78.5323269828,3.2099324124e-05,8.02406872151,0.00933486602648,21.1645936719,0.00126083041451,3.62270476039 +0.06999999999999999,0.000878087855177,78.5323269828,3.31188790748e-05,8.02406872151,0.0138014458706,21.1645936719,0.00142407700497,3.62270476039 +0.075,0.000466896928717,78.5323269828,3.45823471465e-05,8.02406872151,0.0211082874645,21.1645936719,0.00168536859298,3.62270476039 +0.08,0.00105539943751,78.5323269828,3.66384375052e-05,8.02406872151,0.0340932878574,21.1645936719,0.00216302079173,3.62270476039 +0.085,0.00136598259819,78.5323269828,3.95404879555e-05,8.02406872151,0.0605703170013,21.1645936719,0.00328710340681,3.62270476039 +0.09000000000000001,0.00153529464373,78.5323269828,4.37357620277e-05,8.02406872151,0.137405153594,21.1645936719,0.00883634014844,3.62270476039 +0.09500000000000001,0.00154146111344,78.5323269828,5.00760395577e-05,8.02406872151,0.212755471826,21.1645936719,-0.00846684654297,3.62270476039 +0.10000000000000002,0.00125478869626,78.5323269828,6.0390815383e-05,8.02406872151,1.5988061707,21.1645936719,-0.00250601690095,3.62270476039 +0.10500000000000002,0.000772175184071,78.5323269828,7.94364951969e-05,8.02406872151,-7.48669871307,21.1645936719,-0.00134643522011,3.62270476039 +0.11000000000000003,0.00223574857561,78.5323269828,0.000124632059843,8.02406872151,-0.413573575915,21.1645936719,-0.000855478667377,3.62270476039 +0.11500000000000003,0.00366331896809,78.5323269828,0.000352094517332,8.02406872151,-0.121052016172,21.1645936719,-0.000584330264464,3.62270476039 +0.12000000000000004,0.00481738095475,78.5323269828,-0.000336680273934,8.02406872151,-0.0503855034092,21.1645936719,-0.000410720594005,3.62270476039 +0.12500000000000003,0.00662913115137,78.5323269828,-0.000106374679546,8.02406872151,-0.0234170232593,21.1645936719,-0.000286946114568,3.62270476039 +0.13000000000000003,0.00866007541832,78.5323269828,-6.08457355132e-05,8.02406872151,-0.0107458842608,21.1645936719,-0.000189675836893,3.62270476039 +0.13500000000000004,0.0110758004082,78.5323269828,-4.15638099506e-05,8.02406872151,-0.0041603475582,21.1645936719,-0.000105003718329,3.62270476039 +0.14000000000000004,0.0140284466065,78.5323269828,-3.09727411283e-05,8.02406872151,-0.000617383138954,21.1645936719,-2.25654101801e-05,3.62270476039 +0.14500000000000005,0.0177699755735,78.5323269828,-2.42764214694e-05,8.02406872151,0.00124587128596,21.1645936719,6.76472198329e-05,3.62270476039 +0.15000000000000005,0.0227701859871,78.5323269828,-1.96176433169e-05,8.02406872151,0.00213169974396,21.1645936719,0.000178037706082,3.62270476039 +0.15500000000000005,0.0299926294325,78.5323269828,-1.61162762964e-05,8.02406872151,0.00244007370638,21.1645936719,0.000327303277569,3.62270476039 +0.16000000000000006,0.0416880551589,78.5323269828,-1.32927334511e-05,8.02406872151,0.00241168757692,21.1645936719,0.000548129320248,3.62270476039 +0.16500000000000006,0.0643186472701,78.5323269828,-1.08557501738e-05,8.02406872151,0.00218991014403,21.1645936719,0.000906013974106,3.62270476039 +0.17000000000000007,0.124719770968,78.5323269828,-8.61146363399e-06,8.02406872151,0.00184028567937,21.1645936719,0.00155620869662,3.62270476039 +0.17500000000000007,0.494938369974,78.5323269828,-6.41978064852e-06,8.02406872151,0.00126847297741,21.1645936719,0.00297767637778,3.62270476039 +0.18000000000000008,-2.46641065603,78.5323269828,-4.17133774529e-06,8.02406872151,0.00173926936988,21.1645936719,0.00772575298958,3.62270476039 +0.18500000000000008,-0.0414611869821,78.5323269828,-1.77413937144e-06,8.02406872151,-0.025561946542,21.1645936719,-0.11539011265,3.62270476039 +0.19000000000000009,0.00569319620955,78.5323269828,8.55060129221e-07,8.02406872151,-0.00146300939145,21.1645936719,-0.0100554509397,3.62270476039 +0.1950000000000001,0.011004902984,78.5323269828,3.79709063573e-06,8.02406872151,-0.000475864139573,21.1645936719,-0.00635126793396,3.62270476039 +0.2000000000000001,0.0108503108153,78.5323269828,7.13581055212e-06,8.02406872151,-0.000128654332099,21.1645936719,-0.00518006530933,3.62270476039 +0.2050000000000001,0.00969350347973,78.5323269828,1.09636231742e-05,8.02406872151,1.49277955888e-05,21.1645936719,-0.00467894362698,3.62270476039 +0.2100000000000001,0.00842420202358,78.5323269828,1.53879274562e-05,8.02406872151,4.02892302638e-05,21.1645936719,-0.0044476870953,3.62270476039 +0.2150000000000001,0.00724575947031,78.5323269828,2.05394988306e-05,8.02406872151,0.000191885884931,21.1645936719,-0.0043446838376,3.62270476039 +0.2200000000000001,0.00619304465914,78.5323269828,2.65841777047e-05,8.02406872151,0.000391175798864,21.1645936719,-0.0043045490451,3.62270476039 +0.22500000000000012,0.00525522371794,78.5323269828,3.37400009027e-05,8.02406872151,0.000673502363882,21.1645936719,-0.00429205403071,3.62270476039 +0.23000000000000012,0.00440922558223,78.5323269828,4.23033464715e-05,8.02406872151,0.00108776134503,21.1645936719,-0.00428710781864,3.62270476039 +0.23500000000000013,0.00362847465576,78.5323269828,5.26904309862e-05,8.02406872151,0.00170845633151,21.1645936719,-0.00427888014895,3.62270476039 +0.24000000000000013,0.00288251896262,78.5323269828,6.55060659113e-05,8.02406872151,0.00265234610929,21.1645936719,-0.004262899853,3.62270476039 +0.24500000000000013,0.002127734175,78.5323269828,8.16634197959e-05,8.02406872151,0.0041133507449,21.1645936719,-0.0042391343709,3.62270476039 +0.2500000000000001,0.001257759357,78.5323269828,0.000102605552429,8.02406872151,0.00643832583293,21.1645936719,-0.00421045589147,3.62270476039 +0.2550000000000001,0.000828378096761,78.5323269828,0.000130746825402,8.02406872151,0.010304266841,21.1645936719,-0.00418140075283,3.62270476039 +0.2600000000000001,0.00154019188196,78.5323269828,0.000170440017214,8.02406872151,0.0171821550257,21.1645936719,-0.00415725967944,3.62270476039 +0.2650000000000001,0.00187441428345,78.5323269828,0.000230381434784,8.02406872151,0.0307614176303,21.1645936719,-0.00414351845838,3.62270476039 +0.27000000000000013,0.00202193397403,78.5323269828,0.000330771307489,8.02406872151,0.0624826810512,21.1645936719,-0.00414561873163,3.62270476039 +0.27500000000000013,0.002001032412,78.5323269828,0.000531589183265,8.02406872151,0.163182566838,21.1645936719,-0.00416897908533,3.62270476039 +0.28000000000000014,0.00175329778763,78.5323269828,0.00112482219142,8.02406872151,0.841675558765,21.1645936719,-0.00421921817404,3.62270476039 +0.28500000000000014,0.00125269551862,78.5323269828,0.0359810627555,8.02406872151,-30.1715064164,21.1645936719,-0.00430254667581,3.62270476039 +0.29000000000000015,0.00173690674608,78.5323269828,-0.00139473398204,8.02406872151,-0.541470714699,21.1645936719,-0.0044263349351,3.62270476039 +0.29500000000000015,0.00310890477779,78.5323269828,-0.000737322863662,8.02406872151,-0.166181672723,21.1645936719,-0.00459991742035,3.62270476039 +0.30000000000000016,0.00456146898278,78.5323269828,-0.00052674979752,8.02406872151,-0.0829631693218,21.1645936719,-0.00483577503259,3.62270476039 +0.30500000000000016,0.00628601499582,78.5323269828,-0.000425524249225,8.02406872151,-0.0512147337907,21.1645936719,-0.00515137300595,3.62270476039 +0.31000000000000016,0.00845797610112,78.5323269828,-0.000368150791594,8.02406872151,-0.0356827739788,21.1645936719,-0.00557219787766,3.62270476039 +0.31500000000000017,0.0113216825999,78.5323269828,-0.0003331746523,8.02406872151,-0.0269350413193,21.1645936719,-0.00613710629019,3.62270476039 +0.3200000000000002,0.015267935443,78.5323269828,-0.000311603763873,8.02406872151,-0.0215737276619,21.1645936719,-0.00690843116545,3.62270476039 +0.3250000000000002,0.0209754548459,78.5323269828,-0.00029913248091,8.02406872151,-0.0181422611288,21.1645936719,-0.00799273681681,3.62270476039 +0.3300000000000002,0.0297210356289,78.5323269828,-0.000293590171994,8.02406872151,-0.0159619678347,21.1645936719,-0.00958820041251,3.62270476039 +0.3350000000000002,0.0441503928111,78.5323269828,-0.000293955979829,8.02406872151,-0.0147516320894,21.1645936719,-0.0121094126143,3.62270476039 +0.3400000000000002,0.0705032247119,78.5323269828,-0.00029995850538,8.02406872151,-0.0145712178054,21.1645936719,-0.0165925304479,3.62270476039 +0.3450000000000002,0.126536483196,78.5323269828,-0.000311949955848,8.02406872151,-0.016262292345,21.1645936719,-0.0265554172213,3.62270476039 +0.3500000000000002,0.280803513005,78.5323269828,-0.000330964255244,8.02406872151,-0.0265280222762,21.1645936719,-0.066497609455,3.62270476039 +0.3550000000000002,1.02324913362,78.5323269828,-0.000358979521713,8.02406872151,0.0298908562968,21.1645936719,0.136708832882,3.62270476039 +0.3600000000000002,80.1685866409,78.5323269828,-0.000399528825841,8.02406872151,0.00187240234695,21.1645936719,0.0343043054976,3.62270476039 +0.3650000000000002,-1.79519173079,78.5323269828,-0.000459072822812,8.02406872151,0.0027974550452,21.1645936719,0.0199018342634,3.62270476039 +0.3700000000000002,-0.396905209568,78.5323269828,-0.000550354811098,8.02406872151,0.00196447877021,21.1645936719,0.0142027898753,3.62270476039 +0.3750000000000002,-0.172007319674,78.5323269828,-0.000701977803126,8.02406872151,0.00121110983051,21.1645936719,0.0111763984294,3.62270476039 +0.3800000000000002,-0.0968649163453,78.5323269828,-0.00099349891318,8.02406872151,0.00061232574077,21.1645936719,0.00931878570727,3.62270476039 +0.38500000000000023,-0.0636563968426,78.5323269828,-0.00175835669441,8.02406872151,0.000167538565504,21.1645936719,0.00807685474333,3.62270476039 +0.39000000000000024,-0.0561966955212,78.5323269828,-0.00856322755607,8.02406872151,-8.0456588826e-05,21.1645936719,0.00719971537706,3.62270476039 +0.39500000000000024,-0.0260206570271,78.5323269828,0.00291043543761,8.02406872151,-0.000288516079035,21.1645936719,0.00655732455789,3.62270476039 +0.40000000000000024,-0.0213502799877,78.5323269828,0.00123939077254,8.02406872151,-0.000876677291258,21.1645936719,0.00607577941537,3.62270476039 +0.40500000000000025,-0.016899092494,78.5323269828,0.000788878127904,8.02406872151,-0.0017178654172,21.1645936719,0.00571021259275,3.62270476039 +0.41000000000000025,-0.0134051383915,78.5323269828,0.000581133294843,8.02406872151,-0.00289031251364,21.1645936719,0.0054320610037,3.62270476039 +0.41500000000000026,-0.0106196180657,78.5323269828,0.00046265549946,8.02406872151,-0.00452348561758,21.1645936719,0.00522255321938,3.62270476039 +0.42000000000000026,-0.00830333105079,78.5323269828,0.000386842345636,8.02406872151,-0.00682983486137,21.1645936719,0.00506915740742,3.62270476039 +0.42500000000000027,-0.0062597143635,78.5323269828,0.000334748408515,8.02406872151,-0.0101640037956,21.1645936719,0.00496355398608,3.62270476039 +0.43000000000000027,-0.00428053116836,78.5323269828,0.000297231742542,8.02406872151,-0.0151430112141,21.1645936719,0.00490045113692,3.62270476039 +0.4350000000000003,-0.00183094244122,78.5323269828,0.000269350407586,8.02406872151,-0.0229061424782,21.1645936719,0.00487690217277,3.62270476039 +0.4400000000000003,-0.00273321375559,78.5323269828,0.00024820979193,8.02406872151,-0.0357308620284,21.1645936719,0.00489195140857,3.62270476039 +0.4450000000000003,-0.00388360453739,78.5323269828,0.000232012825754,8.02406872151,-0.0586844015204,21.1645936719,0.00494652670219,3.62270476039 +0.4500000000000003,-0.00445348727543,78.5323269828,0.000219596381833,8.02406872151,-0.104878587617,21.1645936719,0.00504355611419,3.62270476039 +0.4550000000000003,-0.0046422237846,78.5323269828,0.000210187123956,8.02406872151,-0.217029543586,21.1645936719,0.00518833724011,3.62270476039 +0.4600000000000003,-0.00441220704131,78.5323269828,0.000203265440004,8.02406872151,-0.603815420293,21.1645936719,0.00538925015073,3.62270476039 +0.4650000000000003,-0.00346569189527,78.5323269828,0.000198486694994,8.02406872151,-4.0640633147,21.1645936719,0.00565900476547,3.62270476039 +0.4700000000000003,-0.00191015692685,78.5323269828,0.000195635089853,8.02406872151,17.9868344846,21.1645936719,0.00601680122675,3.62270476039 +0.4750000000000003,-0.00569507867241,78.5323269828,0.000194597602017,8.02406872151,1.19241195807,21.1645936719,0.00649217227692,3.62270476039 +0.4800000000000003,-0.00910691494635,78.5323269828,0.00019535171858,8.02406872151,0.416943814092,21.1645936719,0.00713216163498,3.62270476039 +0.4850000000000003,-0.0130557612771,78.5323269828,0.000197964290948,8.02406872151,0.219083602994,21.1645936719,0.00801569461804,3.62270476039 +0.4900000000000003,-0.0154658754364,78.5323269828,0.000202601458671,8.02406872151,0.122663915599,21.1645936719,0.00928513779775,3.62270476039 +0.49500000000000033,-0.015404620316,78.5323269828,0.00020681289425,8.02406872151,0.0837281391226,21.1645936719,0.0101591584241,3.62270476039 diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_2.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_2.csv new file mode 100644 index 0000000000..91a45e91ad --- /dev/null +++ b/tests/framework/PostProcessors/Validation/DSS/pp2_print_2.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,-0.0499281922006,37.767391036,0.00214950159842,4.28650302037,1.48043773097e-06,153.440198563,-2.78869210709e-06,15.4153269263 +0.005,-0.108821350709,37.767391036,0.00344512627925,4.28650302037,1.92343383019e-06,153.440198563,-3.78745340746e-06,15.4153269263 +0.01,-2.80127775886,37.767391036,-0.0154495882567,4.28650302037,1.53098863678e-06,153.440198563,-4.83741886226e-06,15.4153269263 +0.015,0.666352304377,37.767391036,-0.00270493401925,4.28650302037,1.90085196915e-06,153.440198563,-5.79512180408e-06,15.4153269263 +0.02,0.105537707351,37.767391036,-0.00161203987177,4.28650302037,3.32599773558e-06,153.440198563,-6.63492581009e-06,15.4153269263 +0.025,0.0431344458161,37.767391036,-0.00122160618589,4.28650302037,4.40380458328e-06,153.440198563,-7.35165063744e-06,15.4153269263 +0.030000000000000002,0.0243318377974,37.767391036,-0.0010306546398,4.28650302037,5.17246201225e-06,153.440198563,-7.95660994721e-06,15.4153269263 +0.035,0.0161802116007,37.767391036,-0.000923652027417,4.28650302037,5.32498316785e-06,153.440198563,-8.47174651242e-06,15.4153269263 +0.04,0.0118771511525,37.767391036,-0.00085975689653,4.28650302037,3.63941540802e-06,153.440198563,-8.92454004322e-06,15.4153269263 +0.045,0.00929529622336,37.767391036,-0.000820975161398,4.28650302037,6.48621474724e-06,153.440198563,-9.3449510607e-06,15.4153269263 +0.049999999999999996,0.00759070348954,37.767391036,-0.000798295647998,4.28650302037,1.3658071887e-05,153.440198563,-9.76461077415e-06,15.4153269263 +0.05499999999999999,0.00636976921521,37.767391036,-0.000786888171608,4.28650302037,2.28305802338e-05,153.440198563,-1.02181231591e-05,15.4153269263 +0.05999999999999999,0.00542383077465,37.767391036,-0.000784147860477,4.28650302037,3.54369772377e-05,153.440198563,-1.07466180944e-05,15.4153269263 +0.06499999999999999,0.00462768310852,37.767391036,-0.000788818411715,4.28650302037,5.3214686841e-05,153.440198563,-1.14045547185e-05,15.4153269263 +0.06999999999999999,0.00389360580876,37.767391036,-0.00080059531129,4.28650302037,7.8766485877e-05,153.440198563,-1.22726906907e-05,15.4153269263 +0.075,0.00314310405167,37.767391036,-0.000819987724073,4.28650302037,0.000116258353714,153.440198563,-1.34849615832e-05,15.4153269263 +0.08,0.00226732731421,37.767391036,-0.000848368466594,4.28650302037,0.000172710528439,153.440198563,-1.52914860661e-05,15.4153269263 +0.085,0.000856688329193,37.767391036,-0.000888228880415,4.28650302037,0.000260628405531,153.440198563,-1.82327415937e-05,15.4153269263 +0.09000000000000001,0.00183568332738,37.767391036,-0.000943751981274,4.28650302037,0.000403597002242,153.440198563,-2.37528099707e-05,15.4153269263 +0.09500000000000001,0.00264621581141,37.767391036,-0.00102200341102,4.28650302037,0.000645816804441,153.440198563,-3.74874734818e-05,15.4153269263 +0.10000000000000002,0.00312285344438,37.767391036,-0.00113551387155,4.28650302037,0.000916181838688,153.440198563,-0.000125172028078,15.4153269263 +0.10500000000000002,0.00330033104617,37.767391036,-0.00130846731198,4.28650302037,0.0031709156581,153.440198563,6.80776138803e-05,15.4153269263 +0.11000000000000003,0.00305357249322,37.767391036,-0.00159401185415,4.28650302037,0.0092741572586,153.440198563,2.3630670193e-05,15.4153269263 +0.11500000000000003,0.00192066846575,37.767391036,-0.00213582689044,4.28650302037,0.184535236178,153.440198563,1.31146173897e-05,15.4153269263 +0.12000000000000004,0.00252956428232,37.767391036,-0.00350365660164,4.28650302037,-0.0261601202469,153.440198563,8.43267598045e-06,15.4153269263 +0.12500000000000003,0.00197195699887,37.767391036,-0.0128058571372,4.28650302037,-0.00407839423995,153.440198563,5.78128280747e-06,15.4153269263 +0.13000000000000003,0.0119156742882,37.767391036,0.0064905335384,4.28650302037,-0.00136658922718,153.440198563,4.05421618831e-06,15.4153269263 +0.13500000000000004,0.013671245455,37.767391036,0.0024343989044,4.28650302037,-0.000561531221493,153.440198563,2.8037103852e-06,15.4153269263 +0.14000000000000004,0.0169855507165,37.767391036,0.00144628153041,4.28650302037,-0.000233033923817,153.440198563,1.80407295399e-06,15.4153269263 +0.14500000000000005,0.0210482642293,37.767391036,0.00100434732335,4.28650302037,-7.82755721773e-05,153.440198563,9.15992711228e-07,15.4153269263 +0.15000000000000005,0.0258835576537,37.767391036,0.000755025231215,4.28650302037,-1.7285453844e-06,153.440198563,3.07115919595e-08,15.4153269263 +0.15500000000000005,0.0317078406287,37.767391036,0.000594637268036,4.28650302037,3.48615386997e-05,153.440198563,-9.62513297606e-07,15.4153269263 +0.16000000000000006,0.03896086226,37.767391036,0.000481492502845,4.28650302037,4.95564952756e-05,153.440198563,-2.20761666073e-06,15.4153269263 +0.16500000000000006,0.0484979384313,37.767391036,0.000395330321375,4.28650302037,5.19049338564e-05,153.440198563,-3.9299302102e-06,15.4153269263 +0.17000000000000007,0.0620887853646,37.767391036,0.000324893762769,4.28650302037,4.72752726694e-05,153.440198563,-6.53687252305e-06,15.4153269263 +0.17500000000000007,0.0838925432036,37.767391036,0.000263230775606,4.28650302037,3.86756477784e-05,153.440198563,-1.08771768008e-05,15.4153269263 +0.18000000000000008,0.126109101157,37.767391036,0.000205642022718,4.28650302037,2.75555601199e-05,153.440198563,-1.90800002131e-05,15.4153269263 +0.18500000000000008,0.243272898987,37.767391036,0.000148680404437,4.28650302037,1.39478669348e-05,153.440198563,-3.84293742393e-05,15.4153269263 +0.19000000000000009,1.25320061527,37.767391036,8.96142018957e-05,4.28650302037,-4.26359975484e-06,153.440198563,-0.000120753657011,15.4153269263 +0.1950000000000001,-0.328279795372,37.767391036,2.61089979965e-05,4.28650302037,6.32719894207e-05,153.440198563,0.000281470696544,15.4153269263 +0.2000000000000001,0.0566244476106,37.767391036,-4.39845116188e-05,4.28650302037,4.27397326215e-05,153.440198563,8.84294864703e-05,15.4153269263 +0.2050000000000001,0.0514053505134,37.767391036,-0.000122794909578,4.28650302037,4.0516001398e-05,153.440198563,6.14787929997e-05,15.4153269263 +0.2100000000000001,0.0405028662944,37.767391036,-0.000212581686572,4.28650302037,3.81748740252e-05,153.440198563,5.17038603202e-05,15.4153269263 +0.2150000000000001,0.0321067659877,37.767391036,-0.000315900981059,4.28650302037,3.36695540624e-05,153.440198563,4.71889229888e-05,15.4153269263 +0.2200000000000001,0.0258403274918,37.767391036,-0.00043581283209,4.28650302037,2.4387399431e-05,153.440198563,4.4875060237e-05,15.4153269263 +0.22500000000000012,0.0210417485375,37.767391036,-0.000576165408484,4.28650302037,1.57630978935e-05,153.440198563,4.35861729715e-05,15.4153269263 +0.23000000000000012,0.0172488698855,37.767391036,-0.000742009822369,4.28650302037,3.90452419768e-05,153.440198563,4.27615567712e-05,15.4153269263 +0.23500000000000013,0.0141582984866,37.767391036,-0.000940234887552,4.28650302037,5.85822401439e-05,153.440198563,4.21069168398e-05,15.4153269263 +0.24000000000000013,0.0115667017187,37.767391036,-0.00118058169524,4.28650302037,7.93280986529e-05,153.440198563,4.14713402758e-05,15.4153269263 +0.24500000000000013,0.00933193577921,37.767391036,-0.00147734237755,4.28650302037,0.00010323904041,153.440198563,4.07922860834e-05,15.4153269263 +0.2500000000000001,0.00734854275724,37.767391036,-0.00185236098997,4.28650302037,0.000132353675386,153.440198563,4.00634095801e-05,15.4153269263 +0.2550000000000001,0.00553004791768,37.767391036,-0.00234068708837,4.28650302037,0.000169564909451,153.440198563,3.93118213766e-05,15.4153269263 +0.2600000000000001,0.00378746557468,37.767391036,-0.00300211254591,4.28650302037,0.000219516980964,153.440198563,3.85814626358e-05,15.4153269263 +0.2650000000000001,0.00194455333851,37.767391036,-0.00394726388461,4.28650302037,0.000290298928418,153.440198563,3.79219324726e-05,15.4153269263 +0.27000000000000013,0.00138630396449,37.767391036,-0.00540542120334,4.28650302037,0.000397224923975,153.440198563,3.73821990832e-05,15.4153269263 +0.27500000000000013,0.00175262947416,37.767391036,-0.00794025570953,4.28650302037,0.000572450985139,153.440198563,3.70082269142e-05,15.4153269263 +0.28000000000000014,0.000671392420297,37.767391036,-0.0134048916244,4.28650302037,0.000893718572204,153.440198563,3.68434041146e-05,15.4153269263 +0.28500000000000014,-0.0046774271677,37.767391036,-0.0335288065715,4.28650302037,0.00159265948961,153.440198563,3.69308396882e-05,15.4153269263 +0.29000000000000015,0.0317778653141,37.767391036,0.108292813634,4.28650302037,0.00365085181784,153.440198563,3.73169772657e-05,15.4153269263 +0.29500000000000015,0.00818339475296,37.767391036,0.0231436754672,4.28650302037,0.0161638728405,153.440198563,3.80564183044e-05,15.4153269263 +0.30000000000000016,0.00111412560967,37.767391036,0.0137808997325,4.28650302037,-0.884787886606,153.440198563,3.9218335031e-05,15.4153269263 +0.30500000000000016,0.00694290356226,37.767391036,0.0102407538624,4.28650302037,-0.00939532288541,153.440198563,4.08954655535e-05,15.4153269263 +0.31000000000000016,0.010493995504,37.767391036,0.00842291698246,4.28650302037,-0.00249837948379,153.440198563,4.32176408333e-05,15.4153269263 +0.31500000000000017,0.0141331036889,37.767391036,0.00735357855299,4.28650302037,-0.00108921245228,153.440198563,4.6373574815e-05,15.4153269263 +0.3200000000000002,0.0183727680949,37.767391036,0.00668439911726,4.28650302037,-0.000581338912779,153.440198563,5.06483583235e-05,15.4153269263 +0.3250000000000002,0.0236396025607,37.767391036,0.00626172773479,4.28650302037,-0.000342494060474,153.440198563,5.64925313104e-05,15.4153269263 +0.3300000000000002,0.0304957537778,37.767391036,0.0060093926315,4.28650302037,-0.000209953796173,153.440198563,6.46596457532e-05,15.4153269263 +0.3350000000000002,0.0398163176516,37.767391036,0.00588786205733,4.28650302037,-0.000126330020937,153.440198563,7.65079974373e-05,15.4153269263 +0.3400000000000002,0.0530915153608,37.767391036,0.00587779409205,4.28650302037,-6.63151602054e-05,153.440198563,9.47525643711e-05,15.4153269263 +0.3450000000000002,0.0730701399213,37.767391036,0.0059730818723,4.28650302037,-1.51946100957e-05,153.440198563,0.000125710933657,15.4153269263 +0.3500000000000002,0.105319260008,37.767391036,0.00617843981787,4.28650302037,4.26696601349e-05,153.440198563,0.000188221448848,15.4153269263 +0.3550000000000002,0.162593654311,37.767391036,0.00650996412315,4.28650302037,0.000157569681522,153.440198563,0.000375039417191,15.4153269263 +0.3600000000000002,0.279772888882,37.767391036,0.00699877288072,4.28650302037,0.0098837259003,153.440198563,0.0196652331057,15.4153269263 +0.3650000000000002,0.583338306626,37.767391036,0.00769949424298,4.28650302037,-0.000198084213264,153.440198563,-0.000399736267412,15.4153269263 +0.3700000000000002,1.86574241185,37.767391036,0.00870860844522,4.28650302037,-8.02869790213e-05,153.440198563,-0.000201481595308,15.4153269263 +0.3750000000000002,42.3579811861,37.767391036,0.0102064301858,4.28650302037,-1.3156166492e-05,153.440198563,-0.00013678925093,15.4153269263 +0.3800000000000002,-5.26716178934,37.767391036,0.0125657200952,4.28650302037,-4.4608825145e-05,153.440198563,-0.000104990825304,15.4153269263 +0.38500000000000023,-0.889900805818,37.767391036,0.0166922695136,4.28650302037,-5.34329932638e-05,153.440198563,-8.62734355043e-05,15.4153269263 +0.39000000000000024,-0.304090368719,37.767391036,0.0254915046914,4.28650302037,-5.57381594146e-05,153.440198563,-7.40790823169e-05,15.4153269263 +0.39500000000000024,-0.0573578413862,37.767391036,0.0561239913279,4.28650302037,-5.41865304024e-05,153.440198563,-6.56105929421e-05,15.4153269263 +0.40000000000000024,-0.693730232489,37.767391036,-0.246683611764,4.28650302037,-4.84623702636e-05,153.440198563,-5.94757357043e-05,15.4153269263 +0.40500000000000025,-0.164279761324,37.767391036,-0.0382846008641,4.28650302037,-3.50507135296e-05,153.440198563,-5.49054663602e-05,15.4153269263 +0.41000000000000025,-0.0999385766782,37.767391036,-0.0207791318521,4.28650302037,-2.59158836574e-05,153.440198563,-5.14422667378e-05,15.4153269263 +0.41500000000000026,-0.0698826288974,37.767391036,-0.0143215945081,4.28650302037,-6.1613094492e-05,153.440198563,-4.87989196164e-05,15.4153269263 +0.42000000000000026,-0.0518196747833,37.767391036,-0.0109904218024,4.28650302037,-9.44605561698e-05,153.440198563,-4.67881738629e-05,15.4153269263 +0.42500000000000027,-0.0396054744386,37.767391036,-0.00897650633767,4.28650302037,-0.000132038605754,153.440198563,-4.52851213661e-05,15.4153269263 +0.43000000000000027,-0.030669772508,37.767391036,-0.00764130095923,4.28650302037,-0.000178513875608,153.440198563,-4.42059756702e-05,15.4153269263 +0.4350000000000003,-0.0236836984137,37.767391036,-0.00670217276586,4.28650302037,-0.000238905931645,153.440198563,-4.34956821917e-05,15.4153269263 +0.4400000000000003,-0.0178336157332,37.767391036,-0.00601499611813,4.28650302037,-0.000320699620659,153.440198563,-4.31206222862e-05,15.4153269263 +0.4450000000000003,-0.0124729552851,37.767391036,-0.00549878952213,4.28650302037,-0.000436162799237,153.440198563,-4.30644970741e-05,15.4153269263 +0.4500000000000003,-0.0065709238374,37.767391036,-0.00510476779296,4.28650302037,-0.000606930495375,153.440198563,-4.33264233714e-05,15.4153269263 +0.4550000000000003,-0.00599985403089,37.767391036,-0.00480201464787,4.28650302037,-0.000874311714594,153.440198563,-4.39208298679e-05,15.4153269263 +0.4600000000000003,-0.00954601659704,37.767391036,-0.0045702320651,4.28650302037,-0.00132544503602,153.440198563,-4.48791454024e-05,15.4153269263 +0.4650000000000003,-0.0112455781012,37.767391036,-0.00439581577765,4.28650302037,-0.00217082289174,153.440198563,-4.62536743346e-05,15.4153269263 +0.4700000000000003,-0.0119359941745,37.767391036,-0.00426962454311,4.28650302037,-0.0040312798916,153.440198563,-4.81246088084e-05,15.4153269263 +0.4750000000000003,-0.0116562165228,37.767391036,-0.00418567497193,4.28650302037,-0.00945788743967,153.440198563,-5.06120757773e-05,15.4153269263 +0.4800000000000003,-0.00993698502416,37.767391036,-0.00414037944419,4.28650302037,-0.0396906266945,153.440198563,-5.38969552789e-05,15.4153269263 +0.4850000000000003,-0.00404605115942,37.767391036,-0.00413213174602,4.28650302037,154.150605696,153.440198563,-5.82581034752e-05,15.4153269263 +0.4900000000000003,-0.00998731207677,37.767391036,-0.00416114504231,4.28650302037,0.034118947356,153.440198563,-6.41425967643e-05,15.4153269263 +0.49500000000000033,-0.0128971436753,37.767391036,-0.00421966639005,4.28650302037,0.0125953353559,153.440198563,-6.81736548532e-05,15.4153269263 diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_3.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_3.csv new file mode 100644 index 0000000000..b316e2699f --- /dev/null +++ b/tests/framework/PostProcessors/Validation/DSS/pp2_print_3.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,-0.697504916097,44.0357167442,0.000187067290355,4.26023895104,-2.11276592754e-05,89.5779339625,-0.000285845842716,6.37493074725 +0.005,-0.0937961442649,44.0357167442,-0.0107945042615,4.26023895104,-3.92865465678e-05,89.5779339625,-0.000364488540017,6.37493074725 +0.01,0.0146841058889,44.0357167442,-9.71177503994e-05,4.26023895104,-6.67856771506e-05,89.5779339625,-0.000443156077267,6.37493074725 +0.015,0.00506653565941,44.0357167442,-5.33732447477e-05,4.26023895104,-8.62016576422e-05,89.5779339625,-0.000512069162707,6.37493074725 +0.02,0.00264912003481,44.0357167442,-3.93028795981e-05,4.26023895104,-9.26173409153e-05,89.5779339625,-0.000570402317613,6.37493074725 +0.025,0.00168680153944,44.0357167442,-3.26829677854e-05,4.26023895104,-8.30889723401e-05,89.5779339625,-0.000618795490168,6.37493074725 +0.030000000000000002,0.00120431279303,44.0357167442,-2.90367763534e-05,4.26023895104,-4.79002520117e-05,89.5779339625,-0.000658842799678,6.37493074725 +0.035,0.000924973573352,44.0357167442,-2.68683093569e-05,4.26023895104,-6.63160867215e-05,89.5779339625,-0.000692611654596,6.37493074725 +0.04,0.00074556549366,44.0357167442,-2.55379784572e-05,4.26023895104,-0.000106803672211,89.5779339625,-0.00072232082436,6.37493074725 +0.045,0.000620054135386,44.0357167442,-2.47300438834e-05,4.26023895104,-0.000127260851072,89.5779339625,-0.000750198057986,6.37493074725 +0.049999999999999996,0.000524915785644,44.0357167442,-2.42749694187e-05,4.26023895104,-0.000126106445899,89.5779339625,-0.000778489952812,6.37493074725 +0.05499999999999999,0.000446506998059,44.0357167442,-2.40785835079e-05,4.26023895104,-9.45463572758e-05,89.5779339625,-0.000809598180607,6.37493074725 +0.05999999999999999,0.000375594130202,44.0357167442,-2.40903563519e-05,4.26023895104,-1.65922809e-05,89.5779339625,-0.000846347883827,6.37493074725 +0.06499999999999999,0.000304218800638,44.0357167442,-2.42883489049e-05,4.26023895104,0.000135747532565,89.5779339625,-0.000892453698131,6.37493074725 +0.06999999999999999,0.000221835612996,44.0357167442,-2.4672418092e-05,4.26023895104,0.000413231845106,89.5779339625,-0.000953366778074,6.37493074725 +0.075,9.2770565207e-05,44.0357167442,-2.52624422277e-05,4.26023895104,0.00091376853062,89.5779339625,-0.001037969938,6.37493074725 +0.08,0.000173172894743,44.0357167442,-2.61007254317e-05,4.26023895104,0.00184345477911,89.5779339625,-0.00116240376062,6.37493074725 +0.085,0.000255676889715,44.0357167442,-2.72594468592e-05,4.26023895104,0.00369298428297,89.5779339625,-0.00136012060659,6.37493074725 +0.09000000000000001,0.000305994644935,44.0357167442,-2.88562660331e-05,4.26023895104,0.00786265864931,89.5779339625,-0.00171461681719,6.37493074725 +0.09500000000000001,0.000326642852658,44.0357167442,-3.10857518336e-05,4.26023895104,0.0196849658811,89.5779339625,-0.00251090325498,6.37493074725 +0.10000000000000002,0.000299811467444,44.0357167442,-3.42857835574e-05,4.26023895104,0.072195401223,89.5779339625,-0.00577866461621,6.37493074725 +0.10500000000000002,0.000134961152106,44.0357167442,-3.90918580476e-05,4.26023895104,59.6980859328,89.5779339625,0.00984455394909,6.37493074725 +0.11000000000000003,0.000386021399898,44.0357167442,-4.68508068181e-05,4.26023895104,-0.14193230949,89.5779339625,0.00228496629479,6.37493074725 +0.11500000000000003,0.000689017368324,44.0357167442,-6.09976586018e-05,4.26023895104,-0.0323262493585,89.5779339625,0.00117371403423,6.37493074725 +0.12000000000000004,0.00102175449744,44.0357167442,-9.36654095125e-05,4.26023895104,-0.0132653728221,89.5779339625,0.000729645787486,6.37493074725 +0.12500000000000003,0.0013483939446,44.0357167442,-0.000240809435488,4.26023895104,-0.00662492545004,89.5779339625,0.000490726533187,6.37493074725 +0.13000000000000003,0.00225972652341,44.0357167442,0.000312906657587,4.26023895104,-0.00353345960159,89.5779339625,0.00033995371488,6.37493074725 +0.13500000000000004,0.00276334008842,44.0357167442,8.79609596538e-05,4.26023895104,-0.00186443481341,89.5779339625,0.000233288254922,6.37493074725 +0.14000000000000004,0.00357504670606,44.0357167442,4.91331111265e-05,4.26023895104,-0.000897577524816,89.5779339625,0.000149619168864,6.37493074725 +0.14500000000000005,0.00465976804457,44.0357167442,3.31771549351e-05,4.26023895104,-0.000330318804864,89.5779339625,7.64550608065e-05,6.37493074725 +0.15000000000000005,0.00614778533549,44.0357167442,2.45300381279e-05,4.26023895104,-1.29353018048e-05,89.5779339625,4.40631399263e-06,6.37493074725 +0.15500000000000005,0.00831850845749,44.0357167442,1.90996554934e-05,4.26023895104,0.000139727800254,89.5779339625,-7.58221086535e-05,6.37493074725 +0.16000000000000006,0.0118115724806,44.0357167442,1.53305942382e-05,4.26023895104,0.000181860188277,89.5779339625,-0.000176144980024,6.37493074725 +0.16500000000000006,0.018375321213,44.0357167442,1.24932460113e-05,4.26023895104,0.000150837393926,89.5779339625,-0.000315173730856,6.37493074725 +0.17000000000000007,0.0345105680007,44.0357167442,1.01920437362e-05,4.26023895104,7.50239026571e-05,89.5779339625,-0.000526715755,6.37493074725 +0.17500000000000007,0.106536282721,44.0357167442,8.18702485921e-06,4.26023895104,-1.45928717769e-05,89.5779339625,-0.000881888450068,6.37493074725 +0.18000000000000008,42.5050393615,44.0357167442,6.31817273867e-06,4.26023895104,-6.56593858581e-05,89.5779339625,-0.00156222652767,6.37493074725 +0.18500000000000008,-0.0649333036591,44.0357167442,4.46936234261e-06,4.26023895104,-0.000496398707045,89.5779339625,-0.00321143489458,6.37493074725 +0.19000000000000009,-0.00826148646792,44.0357167442,2.54933415573e-06,4.26023895104,-0.00261240983115,89.5779339625,-0.0109964997649,6.37493074725 +0.1950000000000001,-0.000626779082105,44.0357167442,4.80492674955e-07,4.26023895104,0.0050883390726,89.5779339625,0.0177953503839,6.37493074725 +0.2000000000000001,0.00119382519224,44.0357167442,-1.80867751303e-06,4.26023895104,0.00192045995026,89.5779339625,0.00651698961225,6.37493074725 +0.2050000000000001,0.00165109291848,44.0357167442,-4.38977505641e-06,4.26023895104,0.00116369666109,89.5779339625,0.00460286823153,6.37493074725 +0.2100000000000001,0.00168763904999,44.0357167442,-7.34063222456e-06,4.26023895104,0.000334337764555,89.5779339625,0.00385576098808,6.37493074725 +0.2150000000000001,0.0015783384851,44.0357167442,-1.07526691661e-05,4.26023895104,0.00103512244089,89.5779339625,0.00347146350879,6.37493074725 +0.2200000000000001,0.001418432001,44.0357167442,-1.47408934766e-05,4.26023895104,0.00157196745902,89.5779339625,0.0032342436858,6.37493074725 +0.22500000000000012,0.00124384440593,44.0357167442,-1.94586942711e-05,4.26023895104,0.00206145450576,89.5779339625,0.00306143899918,6.37493074725 +0.23000000000000012,0.00106802325323,44.0357167442,-2.51211187804e-05,4.26023895104,0.00256464516031,89.5779339625,0.00291624283213,6.37493074725 +0.23500000000000013,0.000894848382723,44.0357167442,-3.20435749503e-05,4.26023895104,0.00311554115278,89.5779339625,0.00278230231857,6.37493074725 +0.24000000000000013,0.000723278600185,44.0357167442,-4.07100742261e-05,4.26023895104,0.00375191397058,89.5779339625,0.00265371902434,6.37493074725 +0.24500000000000013,0.00054800403086,44.0357167442,-5.19020566123e-05,4.26023895104,0.00452998537195,89.5779339625,0.00252998198122,6.37493074725 +0.2500000000000001,0.0003537970648,44.0357167442,-6.69627130596e-05,4.26023895104,0.0055431846461,89.5779339625,0.00241301574614,6.37493074725 +0.2550000000000001,8.68407622395e-05,44.0357167442,-8.840025254e-05,4.26023895104,0.00695954936342,89.5779339625,0.00230547016147,6.37493074725 +0.2600000000000001,0.000316952656444,44.0357167442,-0.000121477670975,4.26023895104,0.00911184615088,89.5779339625,0.00220985266387,6.37493074725 +0.2650000000000001,0.000390433716055,44.0357167442,-0.000179380133502,4.26023895104,0.0127519961552,89.5779339625,0.00212821322694,6.37493074725 +0.27000000000000013,0.000393465128533,44.0357167442,-0.000306996636892,4.26023895104,0.0199385942529,89.5779339625,0.00206215097769,6.37493074725 +0.27500000000000013,0.000259823603625,44.0357167442,-0.00081908905086,4.26023895104,0.0383712317313,89.5779339625,0.00201298017563,6.37493074725 +0.28000000000000014,0.000775077762552,44.0357167442,0.00173456837424,4.26023895104,0.122616509773,89.5779339625,0.00198196146425,6.37493074725 +0.28500000000000014,0.00023764621841,44.0357167442,0.000462059034537,4.26023895104,19.700138365,89.5779339625,0.00197055879032,6.37493074725 +0.29000000000000015,0.000493550598071,44.0357167442,0.00028067956066,4.26023895104,-0.112162774452,89.5779339625,0.00198072105478,6.37493074725 +0.29500000000000015,0.000822464916217,44.0357167442,0.000208933559662,4.26023895104,-0.0192211930105,89.5779339625,0.00201521644409,6.37493074725 +0.30000000000000016,0.00116169892401,44.0357167442,0.000171118821449,4.26023895104,-0.0053257961665,89.5779339625,0.00207807654646,6.37493074725 +0.30500000000000016,0.00155629676066,44.0357167442,0.000148324911653,4.26023895104,-0.00117886244913,89.5779339625,0.00217525091048,6.37493074725 +0.31000000000000016,0.0020436250356,44.0357167442,0.000133611868893,4.26023895104,0.000489612659742,89.5779339625,0.00231565489266,6.37493074725 +0.31500000000000017,0.00267369945956,44.0357167442,0.000123857659431,4.26023895104,0.00130280875937,89.5779339625,0.00251296636026,6.37493074725 +0.3200000000000002,0.00352482565735,44.0357167442,0.000117477508466,4.26023895104,0.00177496195624,89.5779339625,0.00278891875703,6.37493074725 +0.3250000000000002,0.00473050748682,44.0357167442,0.000113612883448,4.26023895104,0.0021113675454,89.5779339625,0.00317980679092,6.37493074725 +0.3300000000000002,0.00653681064575,44.0357167442,0.000111796354109,4.26023895104,0.00241562198867,89.5779339625,0.00375058898393,6.37493074725 +0.3350000000000002,0.00944099419118,44.0357167442,0.000111800971938,4.26023895104,0.00276359005011,89.5779339625,0.00462944472829,6.37493074725 +0.3400000000000002,0.0145776170637,44.0357167442,0.000113573416926,4.26023895104,0.00325296345912,89.5779339625,0.00610842452499,6.37493074725 +0.3450000000000002,0.0250252601294,44.0357167442,0.000117213412398,4.26023895104,0.00410752911143,89.5779339625,0.00902663680069,6.37493074725 +0.3500000000000002,0.0517716847166,44.0357167442,0.000122987924362,4.26023895104,0.00626092857003,89.5779339625,0.0171745788181,6.37493074725 +0.3550000000000002,0.160901321584,44.0357167442,0.000131384453022,4.26023895104,0.0367857434348,89.5779339625,0.144573548471,6.37493074725 +0.3600000000000002,2.71000601085,44.0357167442,0.000143225879407,4.26023895104,-0.00166587610837,89.5779339625,-0.0235836339062,6.37493074725 +0.3650000000000002,-0.621168188205,44.0357167442,0.000159904569424,4.26023895104,-0.00236685788718,89.5779339625,-0.0112173400401,6.37493074725 +0.3700000000000002,-0.101184406539,44.0357167442,0.00018388215854,4.26023895104,-0.0021544142614,89.5779339625,-0.00752485588267,6.37493074725 +0.3750000000000002,-0.0395445157335,44.0357167442,0.000219865709778,4.26023895104,-0.00187023013084,89.5779339625,-0.00576836367287,6.37493074725 +0.3800000000000002,-0.020731027085,44.0357167442,0.000278016443716,4.26023895104,-0.00158224125788,89.5779339625,-0.00475289220685,6.37493074725 +0.38500000000000023,-0.0124940531692,44.0357167442,0.000384919001233,4.26023895104,-0.00125940365609,89.5779339625,-0.0040989157843,6.37493074725 +0.39000000000000024,-0.00792622026028,44.0357167442,0.000638946067439,4.26023895104,-0.000805222891586,89.5779339625,-0.00364823941549,6.37493074725 +0.39500000000000024,-0.00367028294534,44.0357167442,0.00195379613823,4.26023895104,-0.000642488192155,89.5779339625,-0.00332327129511,6.37493074725 +0.40000000000000024,-0.00713198135694,44.0357167442,-0.00182237742406,4.26023895104,-0.00131297211674,89.5779339625,-0.0030815746583,6.37493074725 +0.40500000000000025,-0.00442217183681,44.0357167442,-0.000623365837177,4.26023895104,-0.00186121660434,89.5779339625,-0.00289807337854,6.37493074725 +0.41000000000000025,-0.00329145086517,44.0357167442,-0.000378356824786,4.26023895104,-0.00243197347686,89.5779339625,-0.00275709110425,6.37493074725 +0.41500000000000026,-0.0025350029359,44.0357167442,-0.000273627629424,4.26023895104,-0.00309011646196,89.5779339625,-0.00264842209179,6.37493074725 +0.42000000000000026,-0.00195762487678,44.0357167442,-0.000216008032518,4.26023895104,-0.00390088290922,89.5779339625,-0.0025652410408,6.37493074725 +0.42500000000000027,-0.00147553942647,44.0357167442,-0.000179884151406,4.26023895104,-0.00495392742002,89.5779339625,-0.00250292540711,6.37493074725 +0.43000000000000027,-0.00102970485609,44.0357167442,-0.000155370097544,4.26023895104,-0.00639142693966,89.5779339625,-0.00245836338218,6.37493074725 +0.4350000000000003,-0.000524377325876,44.0357167442,-0.000137847260035,4.26023895104,-0.00846098113898,89.5779339625,-0.00242953730591,6.37493074725 +0.4400000000000003,-0.000538920206172,44.0357167442,-0.000124872895722,4.26023895104,-0.0116341321439,89.5779339625,-0.00241527384152,6.37493074725 +0.4450000000000003,-0.00083332836303,44.0357167442,-0.000115037905335,4.26023895104,-0.0169104377955,89.5779339625,-0.00241510351775,6.37493074725 +0.4500000000000003,-0.000979990307551,44.0357167442,-0.000107476524761,4.26023895104,-0.0267384670864,89.5779339625,-0.00242920045163,6.37493074725 +0.4550000000000003,-0.00104034092623,44.0357167442,-0.000101631778891,4.26023895104,-0.0485577816502,89.5779339625,-0.00245839075619,6.37493074725 +0.4600000000000003,-0.00101105932075,44.0357167442,-9.7133762618e-05,4.26023895104,-0.115008653783,89.5779339625,-0.00250423197698,6.37493074725 +0.4650000000000003,-0.000835758543549,44.0357167442,-9.37324469875e-05,4.26023895104,-0.558814625608,89.5779339625,-0.00256918057227,6.37493074725 +0.4700000000000003,-0.000197511945031,44.0357167442,-9.12588907404e-05,4.26023895104,10.5622659818,89.5779339625,-0.0026568850777,6.37493074725 +0.4750000000000003,-0.00120658782902,44.0357167442,-8.96022798672e-05,4.26023895104,0.248409416677,89.5779339625,-0.00277267748798,6.37493074725 +0.4800000000000003,-0.00200560785636,44.0357167442,-8.86964203642e-05,4.26023895104,0.0696616165828,89.5779339625,-0.00292440131514,6.37493074725 +0.4850000000000003,-0.00293042744372,44.0357167442,-8.85123865531e-05,4.26023895104,0.030694566771,89.5779339625,-0.00312384969114,6.37493074725 +0.4900000000000003,-0.00351792539219,44.0357167442,-8.90557076899e-05,4.26023895104,0.0142117199018,89.5779339625,-0.00338938462777,6.37493074725 +0.49500000000000033,-0.00355039112854,44.0357167442,-9.06229094189e-05,4.26023895104,0.00873543121424,89.5779339625,-0.00358403899994,6.37493074725 diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_4.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_4.csv new file mode 100644 index 0000000000..ff1fa5330e --- /dev/null +++ b/tests/framework/PostProcessors/Validation/DSS/pp2_print_4.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,0.0429210774314,42.5042920116,-2.58763599149e-07,3.98721450795,-0.000120323536489,66.759187629,-0.000796863362781,4.48705711319 +0.005,0.0226746864051,42.5042920116,-1.88277487412e-07,3.98721450795,-0.000171892942393,66.759187629,-0.000929513052436,4.48705711319 +0.01,0.00948034831461,42.5042920116,-1.26220962855e-07,3.98721450795,-0.000229894838287,66.759187629,-0.00104518996265,4.48705711319 +0.015,0.00504745948265,42.5042920116,-1.00227636928e-07,3.98721450795,-0.000248962142634,66.759187629,-0.00114111342525,4.48705711319 +0.02,0.00324592787473,42.5042920116,-8.65928444463e-08,3.98721450795,-0.000227867826804,66.759187629,-0.00121943520563,4.48705711319 +0.025,0.00232993477961,42.5042920116,-7.86214709853e-08,3.98721450795,-0.00013402192684,66.759187629,-0.00128346585793,4.48705711319 +0.030000000000000002,0.00179391456704,42.5042920116,-7.36945495633e-08,3.98721450795,-0.000206415110238,66.759187629,-0.00133694718389,4.48705711319 +0.035,0.00144667287407,42.5042920116,-7.05830847373e-08,3.98721450795,-0.000362071372763,66.759187629,-0.00138362347067,4.48705711319 +0.04,0.00120207269493,42.5042920116,-6.86420609604e-08,3.98721450795,-0.000497803270943,66.759187629,-0.00142708439538,4.48705711319 +0.045,0.0010157437165,42.5042920116,-6.75098847705e-08,3.98721450795,-0.000625984327108,66.759187629,-0.00147081240357,4.48705711319 +0.049999999999999996,0.00086177528289,42.5042920116,-6.697888141e-08,3.98721450795,-0.000748350300887,66.759187629,-0.00151838382794,4.48705711319 +0.05499999999999999,0.000722507845852,42.5042920116,-6.69338177234e-08,3.98721450795,-0.000862542715507,66.759187629,-0.00157381653281,4.48705711319 +0.05999999999999999,0.000582561073969,42.5042920116,-6.73212386682e-08,3.98721450795,-0.000961349666028,66.759187629,-0.00164212091784,4.48705711319 +0.06499999999999999,0.0004211342774,42.5042920116,-6.81347083464e-08,3.98721450795,-0.00102838300159,66.759187629,-0.00173021828307,4.48705711319 +0.06999999999999999,0.000162786739969,42.5042920116,-6.94098178089e-08,3.98721450795,-0.00102677084006,66.759187629,-0.00184861620323,4.48705711319 +0.075,0.00034106477075,42.5042920116,-7.12269812792e-08,3.98721450795,-0.000868030128589,66.759187629,-0.0020147990761,4.48705711319 +0.08,0.0004972559862,42.5042920116,-7.37228333179e-08,3.98721450795,-0.00031283261033,66.759187629,-0.00226095887481,4.48705711319 +0.085,0.000593755539392,42.5042920116,-7.71142257423e-08,3.98721450795,0.00142469563485,66.759187629,-0.00265450907693,4.48705711319 +0.09000000000000001,0.000634568800506,42.5042920116,-8.17444706042e-08,3.98721450795,0.00794338166618,66.759187629,-0.00336571625527,4.48705711319 +0.09500000000000001,0.000585074665124,42.5042920116,-8.81740968284e-08,3.98721450795,0.052586474673,66.759187629,-0.00498758515964,4.48705711319 +0.10000000000000002,0.000270781852557,42.5042920116,-9.73708918137e-08,3.98721450795,38.7746264822,66.759187629,-0.0120120481056,4.48705711319 +0.10500000000000002,0.000757029486118,42.5042920116,-1.11149996745e-07,3.98721450795,0.0561008491517,66.759187629,0.016906922426,4.48705711319 +0.11000000000000003,0.00137201077802,42.5042920116,-1.33351571451e-07,3.98721450795,-0.00907661822362,66.759187629,0.00429969732494,4.48705711319 +0.11500000000000003,0.00208175711366,42.5042920116,-1.73752370979e-07,3.98721450795,-0.0058558890574,66.759187629,0.00224619323667,4.48705711319 +0.12000000000000004,0.00295502637821,42.5042920116,-2.6678180566e-07,3.98721450795,-0.00356580543577,66.759187629,0.00140964362005,4.48705711319 +0.12500000000000003,0.00405555745997,42.5042920116,-6.8208376736e-07,3.98721450795,-0.00218549740419,66.759187629,0.000955906724491,4.48705711319 +0.13000000000000003,0.00546829882086,42.5042920116,9.11716916966e-07,3.98721450795,-0.00131181090369,66.759187629,0.000668584961619,4.48705711319 +0.13500000000000004,0.00731272280983,42.5042920116,2.53882503244e-07,3.98721450795,-0.000741205705695,66.759187629,0.000465353123277,4.48705711319 +0.14000000000000004,0.00979233197895,42.5042920116,1.41770170644e-07,3.98721450795,-0.000370423952588,66.759187629,0.000306624514363,4.48705711319 +0.14500000000000005,0.0132679696351,42.5042920116,9.58209299766e-08,3.98721450795,-0.000141684029447,66.759187629,0.000169123601339,4.48705711319 +0.15000000000000005,0.0184599442821,42.5042920116,7.09598310371e-08,3.98721450795,-1.8189824464e-05,66.759187629,3.57011774437e-05,4.48705711319 +0.15500000000000005,0.027006076227,42.5042920116,5.53787665993e-08,3.98721450795,2.69263886216e-05,66.759187629,-0.000110071393958,4.48705711319 +0.16000000000000006,0.043396473075,42.5042920116,4.46007295061e-08,3.98721450795,1.5928461347e-05,66.759187629,-0.000288492400047,4.48705711319 +0.16500000000000006,0.0843617976709,42.5042920116,3.65315142319e-08,3.98721450795,-2.94908601559e-05,66.759187629,-0.000530187585482,4.48705711319 +0.17000000000000007,0.267437191886,42.5042920116,3.00400154852e-08,3.98721450795,-7.85844859953e-05,66.759187629,-0.000888878364737,4.48705711319 +0.17500000000000007,39.5995642727,42.5042920116,2.44435800989e-08,3.98721450795,-6.27524842825e-05,66.759187629,-0.00147282126673,4.48705711319 +0.18000000000000008,-0.23283495524,42.5042920116,1.92899105945e-08,3.98721450795,-0.000393031455422,66.759187629,-0.00254096674367,4.48705711319 +0.18500000000000008,-0.0377029647036,42.5042920116,1.42532665899e-08,3.98721450795,-0.00108059648222,66.759187629,-0.00490601136197,4.48705711319 +0.19000000000000009,-0.00971931953573,42.5042920116,9.07998394214e-09,3.98721450795,-0.00335193053527,66.759187629,-0.0131052537905,4.48705711319 +0.1950000000000001,-0.00194402012534,42.5042920116,3.55695341194e-09,3.98721450795,0.0288157080111,66.759187629,0.111119637429,4.48705711319 +0.2000000000000001,0.000789007424842,42.5042920116,-2.50881765595e-09,3.98721450795,0.00340489956191,66.759187629,0.0153398752177,4.48705711319 +0.2050000000000001,0.0018069467301,42.5042920116,-9.30551098934e-09,3.98721450795,0.000886249897845,66.759187629,0.00986487757469,4.48705711319 +0.2100000000000001,0.00213415233223,42.5042920116,-1.70301205364e-08,3.98721450795,0.00197434274466,66.759187629,0.00806219680965,4.48705711319 +0.2150000000000001,0.00215386971424,42.5042920116,-2.59028992996e-08,3.98721450795,0.00290357965995,66.759187629,0.00725423053019,4.48705711319 +0.2200000000000001,0.00202794684625,42.5042920116,-3.6185051716e-08,3.98721450795,0.00375669037958,66.759187629,0.00684304922233,4.48705711319 +0.22500000000000012,0.00182964836656,42.5042920116,-4.82026922119e-08,3.98721450795,0.00466691769981,66.759187629,0.00661376008556,4.48705711319 +0.23000000000000012,0.00159240713508,42.5042920116,-6.23815436944e-08,3.98721450795,0.0056899302253,66.759187629,0.00646782307292,4.48705711319 +0.23500000000000013,0.00132912495027,42.5042920116,-7.92997498631e-08,3.98721450795,0.00687479377827,66.759187629,0.00635446011184,4.48705711319 +0.24000000000000013,0.00103830732174,42.5042920116,-9.97718983184e-08,3.98721450795,0.00829023332622,66.759187629,0.00624755081057,4.48705711319 +0.24500000000000013,0.000695902939527,42.5042920116,-1.24989041547e-07,3.98721450795,0.0100518332475,66.759187629,0.00613577254167,4.48705711319 +0.2500000000000001,0.000101370151465,42.5042920116,-1.56764737434e-07,3.98721450795,0.012369599866,66.759187629,0.00601710796228,4.48705711319 +0.2550000000000001,0.000634366192399,42.5042920116,-1.97995682254e-07,3.98721450795,0.0156538682364,66.759187629,0.00589508561284,4.48705711319 +0.2600000000000001,0.00082781465752,42.5042920116,-2.53594408295e-07,3.98721450795,0.0207982301542,66.759187629,0.00577606148122,4.48705711319 +0.2650000000000001,0.000918695455897,42.5042920116,-3.32577490134e-07,3.98721450795,0.03011459243,66.759187629,0.00566738644425,4.48705711319 +0.27000000000000013,0.000922393059111,42.5042920116,-4.53417758407e-07,3.98721450795,0.0515980644232,66.759187629,0.00557635785787,4.48705711319 +0.27500000000000013,0.000810988865628,42.5042920116,-6.60714425601e-07,3.98721450795,0.135225219331,66.759187629,0.00550979895751,4.48705711319 +0.28000000000000014,0.000429693569777,42.5042920116,-1.09630466535e-06,3.98721450795,6.40304262548,66.759187629,0.00547408567939,4.48705711319 +0.28500000000000014,0.000836941171462,42.5042920116,-2.57998984252e-06,3.98721450795,-0.0676096373694,66.759187629,0.00547546782487,4.48705711319 +0.29000000000000015,0.00149558143108,42.5042920116,1.4219102203e-05,3.98721450795,0.00307629826549,66.759187629,0.00552058943328,4.48705711319 +0.29500000000000015,0.0021822027933,42.5042920116,2.13160505556e-06,3.98721450795,0.00891691456767,66.759187629,0.00561718127105,4.48705711319 +0.30000000000000016,0.00299665187208,42.5042920116,1.22797162496e-06,3.98721450795,0.00920720850351,66.759187629,0.00577497045255,4.48705711319 +0.30500000000000016,0.00401320233112,42.5042920116,9.00824709804e-07,3.98721450795,0.00865182782854,66.759187629,0.00600693866764,4.48705711319 +0.31000000000000016,0.00533813206754,42.5042920116,7.35608245292e-07,3.98721450795,0.00802948301508,66.759187629,0.00633119058333,4.48705711319 +0.31500000000000017,0.00713895234598,42.5042920116,6.391190097e-07,3.98721450795,0.0074994321322,66.759187629,0.00677393065121,4.48705711319 +0.3200000000000002,0.00970139430055,42.5042920116,5.78826939322e-07,3.98721450795,0.00708861919897,66.759187629,0.00737453216484,4.48705711319 +0.3250000000000002,0.0135511035394,42.5042920116,5.40573372057e-07,3.98721450795,0.00679369640653,66.759187629,0.00819477189801,4.48705711319 +0.3300000000000002,0.0197463011782,42.5042920116,5.17382815126e-07,3.98721450795,0.00660658399877,66.759187629,0.00933697928399,4.48705711319 +0.3350000000000002,0.0306862090327,42.5042920116,5.05628031261e-07,3.98721450795,0.00652090328567,66.759187629,0.0109831765145,4.48705711319 +0.3400000000000002,0.052812109418,42.5042920116,5.03497651392e-07,3.98721450795,0.00653080602865,66.759187629,0.013490399851,4.48705711319 +0.3450000000000002,0.108669379282,42.5042920116,5.10344625298e-07,3.98721450795,0.0066143683227,66.759187629,0.0176659657383,4.48705711319 +0.3500000000000002,0.327916981531,42.5042920116,5.26445243661e-07,3.98721450795,0.00661349469494,66.759187629,0.0258010135602,4.48705711319 +0.3550000000000002,4.28211784458,42.5042920116,5.53014421849e-07,3.98721450795,0.00428355613997,66.759187629,0.0479679116919,4.48705711319 +0.3600000000000002,-1.72737927465,42.5042920116,5.92469615203e-07,3.98721450795,0.0598805140848,66.759187629,0.320488445035,4.48705711319 +0.3650000000000002,-0.252385762398,42.5042920116,6.49066803354e-07,3.98721450795,-0.0178157238898,66.759187629,-0.0704216940179,4.48705711319 +0.3700000000000002,-0.0970498592263,42.5042920116,7.30268777375e-07,3.98721450795,-0.00912335434355,66.759187629,-0.0323414408996,4.48705711319 +0.3750000000000002,-0.0510997449507,42.5042920116,8.49823350608e-07,3.98721450795,-0.00607576940993,66.759187629,-0.0213324395113,4.48705711319 +0.3800000000000002,-0.0314679759659,42.5042920116,1.03550939194e-06,3.98721450795,-0.00418520580298,66.759187629,-0.0161446716253,4.48705711319 +0.38500000000000023,-0.0212652656032,42.5042920116,1.35240949531e-06,3.98721450795,-0.00246994248335,66.759187629,-0.0131564505625,4.48705711319 +0.39000000000000024,-0.0152626267732,42.5042920116,1.99597568289e-06,3.98721450795,-0.00154539191705,66.759187629,-0.0112348313784,4.48705711319 +0.39500000000000024,-0.0114072215996,42.5042920116,3.94244581426e-06,3.98721450795,-0.00316256442031,66.759187629,-0.00991158466035,4.48705711319 +0.40000000000000024,-0.0067360329184,42.5042920116,0.00198158465299,3.98721450795,-0.00423571471397,66.759187629,-0.00895835104381,4.48705711319 +0.40500000000000025,-0.00684823860276,42.5042920116,-3.91645782784e-06,3.98721450795,-0.00521943667849,66.759187629,-0.00825075885281,4.48705711319 +0.41000000000000025,-0.00537779227538,42.5042920116,-1.95743492122e-06,3.98721450795,-0.00625695264411,66.759187629,-0.00771556614524,4.48705711319 +0.41500000000000026,-0.00419484847639,42.5042920116,-1.31016463528e-06,3.98721450795,-0.00745057784587,66.759187629,-0.00730712797707,4.48705711319 +0.42000000000000026,-0.00318347032955,42.5042920116,-9.90279960958e-07,3.98721450795,-0.00891354299678,66.759187629,-0.00699583007917,4.48705711319 +0.42500000000000027,-0.00224227447456,42.5042920116,-8.01265222945e-07,3.98721450795,-0.0108057641842,66.759187629,-0.00676196303412,4.48705711319 +0.43000000000000027,-0.00119556732437,42.5042920116,-6.77696585071e-07,3.98721450795,-0.0133872541632,66.759187629,-0.00659229113583,4.48705711319 +0.4350000000000003,-0.00106997831016,42.5042920116,-5.91579834478e-07,3.98721450795,-0.0171283424976,66.759187629,-0.00647805623747,4.48705711319 +0.4400000000000003,-0.00172079794154,42.5042920116,-5.28953461569e-07,3.98721450795,-0.0229794936926,66.759187629,-0.00641379963993,4.48705711319 +0.4450000000000003,-0.00203410408163,42.5042920116,-4.82094359825e-07,3.98721450795,-0.0331536939865,66.759187629,-0.00639668695263,4.48705711319 +0.4500000000000003,-0.00216100873046,42.5042920116,-4.46402356048e-07,3.98721450795,-0.0539861420004,66.759187629,-0.00642617502383,4.48705711319 +0.4550000000000003,-0.00210363027754,42.5042920116,-4.18985889726e-07,3.98721450795,-0.111146945632,66.759187629,-0.00650394815919,4.48705711319 +0.4600000000000003,-0.00176105807225,42.5042920116,-3.97956738826e-07,3.98721450795,-0.429428331653,66.759187629,-0.00663411182462,4.48705711319 +0.4650000000000003,-0.000372612174265,42.5042920116,-3.82052477928e-07,3.98721450795,21.6477935554,66.759187629,-0.00682368905246,4.48705711319 +0.4700000000000003,-0.00233396934444,42.5042920116,-3.70423512373e-07,3.98721450795,0.167903604109,66.759187629,-0.00708353895997,4.48705711319 +0.4750000000000003,-0.00392265940012,42.5042920116,-3.62508888754e-07,3.98721450795,0.029815419391,66.759187629,-0.00742993924142,4.48705711319 +0.4800000000000003,-0.00572445365239,42.5042920116,-3.57963463503e-07,3.98721450795,0.00504778962659,66.759187629,-0.00788730678225,4.48705711319 +0.4850000000000003,-0.00795415100207,42.5042920116,-3.56617334839e-07,3.98721450795,-0.00283666412034,66.759187629,-0.00849301391408,4.48705711319 +0.4900000000000003,-0.0093486859661,42.5042920116,-3.58458029622e-07,3.98721450795,-0.00547953090847,66.759187629,-0.00930635054146,4.48705711319 +0.49500000000000033,-0.0092688521603,42.5042920116,-3.63243997867e-07,3.98721450795,-0.0052355779109,66.759187629,-0.00986663997715,4.48705711319 diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_5.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_5.csv new file mode 100644 index 0000000000..6ebce8d9c4 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/DSS/pp2_print_5.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,0.0596713136288,8.24785892678,0.00298335892525,1.48821899309,-0.000757996482247,88.6649849004,-0.00406841717664,10.0143918804 +0.005,0.0403887199817,8.24785892678,0.00171671719339,1.48821899309,-0.00107493516114,88.6649849004,-0.00488602335465,10.0143918804 +0.01,0.021457268462,8.24785892678,0.000975379420475,1.48821899309,-0.00141215541624,88.6649849004,-0.00564642650618,10.0143918804 +0.015,0.0127563458085,8.24785892678,0.000727419522316,1.48821899309,-0.00147908293,88.6649849004,-0.00629338354185,10.0143918804 +0.02,0.00872814053437,8.24785892678,0.000609364278666,1.48821899309,-0.00123396522493,88.6649849004,-0.00683550516393,10.0143918804 +0.025,0.00650963278358,8.24785892678,0.000544211823823,1.48821899309,-0.000589067651169,88.6649849004,-0.00729193620353,10.0143918804 +0.030000000000000002,0.00513558205016,8.24785892678,0.000505691997334,1.48821899309,-0.00194710576048,88.6649849004,-0.00768719897151,10.0143918804 +0.035,0.00420352750503,8.24785892678,0.000482460496942,1.48821899309,-0.00304922240933,88.6649849004,-0.00804796258607,10.0143918804 +0.04,0.00351884235798,8.24785892678,0.000468904545084,1.48821899309,-0.00419803017967,88.6649849004,-0.00840196492834,10.0143918804 +0.045,0.00297504601393,8.24785892678,0.000462034673272,1.48821899309,-0.00548201849669,88.6649849004,-0.00877888136346,10.0143918804 +0.049999999999999996,0.00250571822,8.24785892678,0.000460238192027,1.48821899309,-0.0069924432328,88.6649849004,-0.00921311644611,10.0143918804 +0.05499999999999999,0.00206093021495,8.24785892678,0.00046272484273,1.48821899309,-0.00886316536524,88.6649849004,-0.00974918165639,10.0143918804 +0.05999999999999999,0.00158871198812,8.24785892678,0.000469274912157,1.48821899309,-0.0113187216975,88.6649849004,-0.0104518013672,10.0143918804 +0.06499999999999999,0.000988371849631,8.24785892678,0.000480146618648,1.48821899309,-0.0147741561945,88.6649849004,-0.0114264825561,10.0143918804 +0.06999999999999999,0.000676215099715,8.24785892678,0.00049609536498,1.48821899309,-0.020084690738,88.6649849004,-0.0128667572569,10.0143918804 +0.075,0.00133455218979,8.24785892678,0.000518510317718,1.48821899309,-0.0292866271455,88.6649849004,-0.0151814075195,10.0143918804 +0.08,0.00171016539995,8.24785892678,0.000549728584591,1.48821899309,-0.0483906245799,88.6649849004,-0.0194249514852,10.0143918804 +0.085,0.00192742797663,8.24785892678,0.000593689238732,1.48821899309,-0.103111832075,88.6649849004,-0.0294376198302,10.0143918804 +0.09000000000000001,0.00195402838494,8.24785892678,0.000657345156865,1.48821899309,-0.471703756869,88.6649849004,-0.0791623868258,10.0143918804 +0.09500000000000001,0.00162516047845,8.24785892678,0.000754018281161,1.48821899309,1.43000657874,88.6649849004,0.0744809851547,10.0143918804 +0.10000000000000002,0.000923616725523,8.24785892678,0.00091266775343,1.48821899309,-0.571870902273,88.6649849004,0.0220317175692,10.0143918804 +0.10500000000000002,0.00292931472298,8.24785892678,0.00121018808551,1.48821899309,0.0288985355573,88.6649849004,0.0117726263778,10.0143918804 +0.11000000000000003,0.00501373470027,8.24785892678,0.00194053930215,1.48821899309,0.014109616023,88.6649849004,0.00742208599557,10.0143918804 +0.11500000000000003,0.00935304905678,8.24785892678,0.00622084422909,1.48821899309,0.0072327244666,88.6649849004,0.00501421121827,10.0143918804 +0.12000000000000004,0.00557777361093,8.24785892678,-0.00419647674731,1.48821899309,0.00402850056889,88.6649849004,0.0034655397324,10.0143918804 +0.12500000000000003,0.00979531259825,8.24785892678,-0.00146689800694,1.48821899309,0.00232548826702,88.6649849004,0.00235124503231,10.0143918804 +0.13000000000000003,0.0133606850495,8.24785892678,-0.000855532526256,1.48821899309,0.00127999798831,88.6649849004,0.00146085878973,10.0143918804 +0.13500000000000004,0.0174879599859,8.24785892678,-0.000588332333143,1.48821899309,0.000528773650119,88.6649849004,0.000664996972855,10.0143918804 +0.14000000000000004,0.0226368480777,8.24785892678,-0.000439190074375,1.48821899309,-0.000100807061824,88.6649849004,-0.000138609996942,10.0143918804 +0.14500000000000005,0.0294566671809,8.24785892678,-0.000343740532731,1.48821899309,-0.000698434803965,88.6649849004,-0.00105702932118,10.0143918804 +0.15000000000000005,0.0392098652043,8.24785892678,-0.00027648285387,1.48821899309,-0.00131574760004,88.6649849004,-0.00223431321915,10.0143918804 +0.15500000000000005,0.0547844237937,8.24785892678,-0.000225122804365,1.48821899309,-0.00198529921049,88.6649849004,-0.00390419938065,10.0143918804 +0.16000000000000006,0.0842651389076,8.24785892678,-0.000182853018662,1.48821899309,-0.00272108972718,88.6649849004,-0.00650638427369,10.0143918804 +0.16500000000000006,0.159580340992,8.24785892678,-0.000145469148075,1.48821899309,-0.00347548611167,88.6649849004,-0.0110061048826,10.0143918804 +0.17000000000000007,0.557091294957,8.24785892678,-0.000110121372337,1.48821899309,-0.00381481852366,88.6649849004,-0.0200364751739,10.0143918804 +0.17500000000000007,-12.1384242322,8.24785892678,-7.47089794775e-05,1.48821899309,-0.00515095255422,88.6649849004,-0.0442706127039,10.0143918804 +0.18000000000000008,-0.0941520654996,8.24785892678,-3.75546659388e-05,1.48821899309,-0.0515638711526,88.6649849004,-0.233327481272,10.0143918804 +0.18500000000000008,0.0018466895338,8.24785892678,2.79275341826e-06,1.48821899309,0.0333257910685,88.6649849004,0.126394256539,10.0143918804 +0.19000000000000009,0.0133909013309,8.24785892678,4.76982268389e-05,1.48821899309,0.0172005373907,88.6649849004,0.0625477836308,10.0143918804 +0.1950000000000001,0.0143676846347,8.24785892678,9.85617929314e-05,1.48821899309,0.0121238960739,88.6649849004,0.0468546843259,10.0143918804 +0.2000000000000001,0.0132454111181,8.24785892678,0.000156948474826,1.48821899309,0.00827846218308,88.6649849004,0.0400419738136,10.0143918804 +0.2050000000000001,0.0117267281422,8.24785892678,0.0002247530508,1.48821899309,0.00133580976173,88.6649849004,0.0362515822189,10.0143918804 +0.2100000000000001,0.0102332976647,8.24785892678,0.000304434305905,1.48821899309,0.00826207087629,88.6649849004,0.0337155746563,10.0143918804 +0.2150000000000001,0.00886570331014,8.24785892678,0.00039937447819,1.48821899309,0.0121255466836,88.6649849004,0.0317290507048,10.0143918804 +0.2200000000000001,0.00763179050478,8.24785892678,0.000514465319497,1.48821899309,0.0153977370759,88.6649849004,0.0299841819658,10.0143918804 +0.22500000000000012,0.00651080937819,8.24785892678,0.000657122258536,1.48821899309,0.0184644969169,88.6649849004,0.0283560491967,10.0143918804 +0.23000000000000012,0.00547180244936,8.24785892678,0.000839160330791,1.48821899309,0.0215190905751,88.6649849004,0.0268104540029,10.0143918804 +0.23500000000000013,0.00447528974898,8.24785892678,0.0010805523007,1.48821899309,0.0247442361023,88.6649849004,0.0253553383884,10.0143918804 +0.24000000000000013,0.00346065703489,8.24785892678,0.00141775096251,1.48821899309,0.0283731794415,88.6649849004,0.0240136424542,10.0143918804 +0.24500000000000013,0.00228209057012,8.24785892678,0.00192473674602,1.48821899309,0.0327444444255,88.6649849004,0.0228093281116,10.0143918804 +0.2500000000000001,0.000963759113803,8.24785892678,0.00277733359964,1.48821899309,0.0383976269936,88.6649849004,0.0217617348428,10.0143918804 +0.2550000000000001,0.00279843287944,8.24785892678,0.00451877901988,1.48821899309,0.0462869018341,88.6649849004,0.020884730362,10.0143918804 +0.2600000000000001,0.00488298519198,8.24785892678,0.0100623683817,1.48821899309,0.0583319673375,88.6649849004,0.0201882044552,10.0143918804 +0.2650000000000001,-0.0297041651768,8.24785892678,-0.11859949553,1.48821899309,0.0791368497688,88.6649849004,0.0196804580253,10.0143918804 +0.27000000000000013,-6.8287722189e-05,8.24785892678,-0.00961118985076,1.48821899309,0.123256380142,88.6649849004,0.019370816832,10.0143918804 +0.27500000000000013,0.0009351269037,8.24785892678,-0.00529731502892,1.48821899309,0.271026421874,88.6649849004,0.0192723176787,10.0143918804 +0.28000000000000014,0.00064468430119,8.24785892678,-0.00379500073563,1.48821899309,10.9596495355,88.6649849004,0.0194046465312,10.0143918804 +0.28500000000000014,0.00149933499259,8.24785892678,-0.00304127280144,1.48821899309,0.139037315517,88.6649849004,0.019797766401,10.0143918804 +0.29000000000000015,0.00279923531861,8.24785892678,-0.00259708281353,1.48821899309,0.0964728011067,88.6649849004,0.0204969877759,10.0143918804 +0.29500000000000015,0.00421500842565,8.24785892678,-0.00231253010197,1.48821899309,0.0718072142544,88.6649849004,0.021570783776,10.0143918804 +0.30000000000000016,0.00588709888809,8.24785892678,-0.00212285238844,1.48821899309,0.0585401547807,88.6649849004,0.0231237670441,10.0143918804 +0.30500000000000016,0.00796095808816,8.24785892678,-0.00199589698276,1.48821899309,0.0509454886095,88.6649849004,0.0253196873874,10.0143918804 +0.31000000000000016,0.0106456583905,8.24785892678,-0.00191434209572,1.48821899309,0.0466973452571,88.6649849004,0.0284250738279,10.0143918804 +0.31500000000000017,0.014274995554,8.24785892678,-0.00186856406525,1.48821899309,0.0448414265161,88.6649849004,0.0328990905541,10.0143918804 +0.3200000000000002,0.0194208518108,8.24785892678,-0.0018534577933,1.48821899309,0.0451499679176,88.6649849004,0.0395989671083,10.0143918804 +0.3250000000000002,0.0271369486365,8.24785892678,-0.00186696803183,1.48821899309,0.0480780970995,88.6649849004,0.0503216477519,10.0143918804 +0.3300000000000002,0.0395449317938,8.24785892678,-0.00190949210519,1.48821899309,0.0554233382163,88.6649849004,0.0695641047779,10.0143918804 +0.3350000000000002,0.0614484432964,8.24785892678,-0.00198384702554,1.48821899309,0.0738633465716,88.6649849004,0.112619304112,10.0143918804 +0.3400000000000002,0.105693083605,8.24785892678,-0.00209575938315,1.48821899309,0.150828252378,88.6649849004,0.286486021512,10.0143918804 +0.3450000000000002,0.216817117462,8.24785892678,-0.00225505892529,1.48821899309,-0.236469353326,88.6649849004,-0.587626440054,10.0143918804 +0.3500000000000002,0.644584303784,8.24785892678,-0.00247809975398,1.48821899309,-0.0414285202324,88.6649849004,-0.150910767825,10.0143918804 +0.3550000000000002,7.34492012252,8.24785892678,-0.00279269257058,1.48821899309,-0.00951481137276,88.6649849004,-0.089033708049,10.0143918804 +0.3600000000000002,-4.34288558843,8.24785892678,-0.00324886058394,1.48821899309,-0.0118899997706,88.6649849004,-0.0645816384117,10.0143918804 +0.3650000000000002,-0.597040173151,8.24785892678,-0.00394508723374,1.48821899309,-0.012976604334,88.6649849004,-0.0516337014989,10.0143918804 +0.3700000000000002,-0.236129459868,8.24785892678,-0.00510397224372,1.48821899309,-0.0121979687809,88.6649849004,-0.0437121248552,10.0143918804 +0.3750000000000002,-0.134268453419,8.24785892678,-0.00735494869215,1.48821899309,-0.010775383829,88.6649849004,-0.0384315095947,10.0143918804 +0.3800000000000002,-0.0999823476125,8.24785892678,-0.0134387140869,1.48821899309,-0.00885858383799,88.6649849004,-0.0347086528934,10.0143918804 +0.38500000000000023,-0.200080093136,8.24785892678,-0.0828345467557,1.48821899309,-0.00609499699586,88.6649849004,-0.0319814634776,10.0143918804 +0.39000000000000024,-0.00332456893692,8.24785892678,0.0198831111441,1.48821899309,-0.00299919074849,88.6649849004,-0.0299300713768,10.0143918804 +0.39500000000000024,-0.0139173823182,8.24785892678,0.00893055145572,1.48821899309,-0.00789639452663,88.6649849004,-0.0283599192504,10.0143918804 +0.40000000000000024,-0.0133567482408,8.24785892678,0.00580314890957,1.48821899309,-0.0112482581254,88.6649849004,-0.027146786368,10.0143918804 +0.40500000000000025,-0.011518636728,8.24785892678,0.00433379576915,1.48821899309,-0.0143798669505,88.6649849004,-0.0262086004685,10.0143918804 +0.41000000000000025,-0.00962369943993,8.24785892678,0.00348756344363,1.48821899309,-0.0176380464408,88.6649849004,-0.0254899867306,10.0143918804 +0.41500000000000026,-0.00786381952111,8.24785892678,0.00294256478533,1.48821899309,-0.0212625406972,88.6649849004,-0.024953353551,10.0143918804 +0.42000000000000026,-0.00621460160306,8.24785892678,0.00256618619707,1.48821899309,-0.0255097148848,88.6649849004,-0.0245735597875,10.0143918804 +0.42500000000000027,-0.00457043669825,8.24785892678,0.00229387323068,1.48821899309,-0.0307250939343,88.6649849004,-0.0243346685743,10.0143918804 +0.43000000000000027,-0.00266017914029,8.24785892678,0.00209050295774,1.48821899309,-0.0374407956532,88.6649849004,-0.0242280003004,10.0143918804 +0.4350000000000003,-0.00195939305634,8.24785892678,0.00193539386917,1.48821899309,-0.0465622681817,88.6649849004,-0.024251065837,10.0143918804 +0.4400000000000003,-0.0035237192344,8.24785892678,0.00181564315485,1.48821899309,-0.0597938849395,88.6649849004,-0.0244071712941,10.0143918804 +0.4450000000000003,-0.00433452513221,8.24785892678,0.00172285541782,1.48821899309,-0.0807750410009,88.6649849004,-0.024705624287,10.0143918804 +0.4500000000000003,-0.00475641828387,8.24785892678,0.00165141071447,1.48821899309,-0.118816511016,88.6649849004,-0.0251625879,10.0143918804 +0.4550000000000003,-0.00479440772918,8.24785892678,0.00159749364007,1.48821899309,-0.205973204895,88.6649849004,-0.0258027601299,10.0143918804 +0.4600000000000003,-0.00424613982034,8.24785892678,0.00155852659959,1.48821899309,-0.547182482662,88.6649849004,-0.0266622490973,10.0143918804 +0.4650000000000003,-0.00210285895465,8.24785892678,0.00153283231927,1.48821899309,-99.5260284787,88.6649849004,-0.0277933452369,10.0143918804 +0.4700000000000003,-0.00486975364646,8.24785892678,0.00151943582873,1.48821899309,0.0138994713427,88.6649849004,-0.0292725194292,10.0143918804 +0.4750000000000003,-0.00876296610878,8.24785892678,0.00151795932369,1.48821899309,-0.0904834186149,88.6649849004,-0.031214259646,10.0143918804 +0.4800000000000003,-0.0131742533757,8.24785892678,0.00152858754083,1.48821899309,-0.0864760848037,88.6649849004,-0.0337961836701,10.0143918804 +0.4850000000000003,-0.0186745982665,8.24785892678,0.00155209733618,1.48821899309,-0.0793497963282,88.6649849004,-0.0373076250711,10.0143918804 +0.4900000000000003,-0.0222788015269,8.24785892678,0.00158995920005,1.48821899309,-0.0661588985765,88.6649849004,-0.042251805549,10.0143918804 +0.49500000000000033,-0.0223598156224,8.24785892678,0.00163377442119,1.48821899309,-0.0536071163974,88.6649849004,-0.0457815800695,10.0143918804 diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_6.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_6.csv new file mode 100644 index 0000000000..9bd705e86a --- /dev/null +++ b/tests/framework/PostProcessors/Validation/DSS/pp2_print_6.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,-2.70350039542,17.0559298327,-0.340789791761,2.80203717842,0.000156598717836,10.6263294019,0.000259050984778,3.94675903436 +0.005,-0.145014026695,17.0559298327,-0.039757633263,2.80203717842,0.000241969968522,10.6263294019,0.000319658532634,3.94675903436 +0.01,-0.0184342248343,17.0559298327,-0.015265192276,2.80203717842,0.000354422913577,10.6263294019,0.000378452525131,3.94675903436 +0.015,-0.0054159793812,17.0559298327,-0.0101994156969,2.80203717842,0.000424392383677,10.6263294019,0.000429276704692,3.94675903436 +0.02,-0.00225945296386,17.0559298327,-0.00810998496426,2.80203717842,0.00043603625168,10.6263294019,0.000472183459763,3.94675903436 +0.025,-0.00105198298505,17.0559298327,-0.00702895799841,2.80203717842,0.000313733296765,10.6263294019,0.000508200333029,3.94675903436 +0.030000000000000002,-0.000435711422307,17.0559298327,-0.00640849065588,2.80203717842,0.000446231772485,10.6263294019,0.000538925073506,3.94675903436 +0.035,-5.38463247289e-05,17.0559298327,-0.00603628382787,2.80203717842,0.00094894046027,10.6263294019,0.000566218513968,3.94675903436 +0.04,0.000212177867169,17.0559298327,-0.00581376358424,2.80203717842,0.00154717277772,10.6263294019,0.000592049990332,3.94675903436 +0.045,0.00040626422662,17.0559298327,-0.00569012435036,2.80203717842,0.00233695353429,10.6263294019,0.000618491968159,3.94675903436 +0.049999999999999996,0.00054328998326,17.0559298327,-0.00563794815128,2.80203717842,0.00342526139257,10.6263294019,0.000647852891664,3.94675903436 +0.05499999999999999,0.000623791609674,17.0559298327,-0.00564286668971,2.80203717842,0.00497363209646,10.6263294019,0.000682969014109,3.94675903436 +0.05999999999999999,0.000637706405064,17.0559298327,-0.00569886521111,2.80203717842,0.0072474241277,10.6263294019,0.00072775138905,3.94675903436 +0.06499999999999999,0.000559013790756,17.0559298327,-0.00580626402911,2.80203717842,0.0107103866443,10.6263294019,0.000788255622604,3.94675903436 +0.06999999999999999,0.000287481451342,17.0559298327,-0.00597129971804,2.80203717842,0.016232269624,10.6263294019,0.000875002867617,3.94675903436 +0.075,0.000531376376373,17.0559298327,-0.00620707243262,2.80203717842,0.0256008956333,10.6263294019,0.00100877222422,3.94675903436 +0.08,0.000858935124234,17.0559298327,-0.00653625001633,2.80203717842,0.0429883048173,10.6263294019,0.00123811168698,3.94675903436 +0.085,0.00108204272058,17.0559298327,-0.00699682574799,2.80203717842,0.0801531454306,10.6263294019,0.00171063743241,3.94675903436 +0.09000000000000001,0.0011770657274,17.0559298327,-0.00765425421471,2.80203717842,0.182929008938,10.6263294019,0.00319418398349,3.94675903436 +0.09500000000000001,0.00106598461032,17.0559298327,-0.00862891977985,2.80203717842,0.0722659787062,10.6263294019,-0.0558632772073,3.94675903436 +0.10000000000000002,0.000567583320314,17.0559298327,-0.0101665437859,2.80203717842,19.4694915252,10.6263294019,-0.00236621812496,3.94675903436 +0.10500000000000002,0.000667520653281,17.0559298327,-0.0128563411379,2.80203717842,-1.38233592719,10.6263294019,-0.00108614061781,3.94675903436 +0.11000000000000003,-0.000209642723362,17.0559298327,-0.0185517134201,2.80203717842,-0.257274008061,10.6263294019,-0.000648733253403,3.94675903436 +0.11500000000000003,-0.00828452343367,17.0559298327,-0.0376870320832,2.80203717842,-0.0964666432242,10.6263294019,-0.000428477594825,3.94675903436 +0.12000000000000004,0.144707239827,17.0559298327,0.225504523191,2.80203717842,-0.0449010921327,10.6263294019,-0.000294927332069,3.94675903436 +0.12500000000000003,0.03526551275,17.0559298327,0.0256238274837,2.80203717842,-0.0222977585157,10.6263294019,-0.000203317850298,3.94675903436 +0.13000000000000003,0.0331703928247,17.0559298327,0.0129538127074,2.80203717842,-0.0107190798809,10.6263294019,-0.000133519351623,3.94675903436 +0.13500000000000004,0.0369186074587,17.0559298327,0.00841020326735,2.80203717842,-0.0043278080903,10.6263294019,-7.4325301277e-05,3.94675903436 +0.14000000000000004,0.0436136080195,17.0559298327,0.00608914584789,2.80203717842,-0.000736531455036,10.6263294019,-1.78827433674e-05,3.94675903436 +0.14500000000000005,0.0533321888769,17.0559298327,0.00468169339618,2.80203717842,0.00120879479541,10.6263294019,4.30261471329e-05,3.94675903436 +0.15000000000000005,0.0674116919862,17.0559298327,0.00372924865983,2.80203717842,0.00214420007139,10.6263294019,0.000117102174359,3.94675903436 +0.15500000000000005,0.0891968213127,17.0559298327,0.00302732767872,2.80203717842,0.00245434257718,10.6263294019,0.000217359782777,3.94675903436 +0.16000000000000006,0.127404954201,17.0559298327,0.00246903815056,2.80203717842,0.00238171352001,10.6263294019,0.000366651411219,3.94675903436 +0.16500000000000006,0.210920752682,17.0559298327,0.0019913857224,2.80203717842,0.00207262799839,10.6263294019,0.000611341259544,3.94675903436 +0.17000000000000007,0.498933262292,17.0559298327,0.00155338362272,2.80203717842,0.00158067306088,10.6263294019,0.0010637940542,3.94675903436 +0.17500000000000007,6.46878977584,17.0559298327,0.00112593710116,2.80203717842,0.000626655506181,10.6263294019,0.00208610786992,3.94675903436 +0.18000000000000008,-0.655111298002,17.0559298327,0.00068665319288,2.80203717842,0.00207238908005,10.6263294019,0.00585768478698,3.94675903436 +0.18500000000000008,-0.0317676366152,17.0559298327,0.000216876394806,2.80203717842,-0.00564972432766,10.6263294019,-0.0280610566834,3.94675903436 +0.19000000000000009,0.0154397403767,17.0559298327,-0.000300246989807,2.80203717842,-0.000127857177934,10.6263294019,-0.00579642972555,3.94675903436 +0.1950000000000001,0.0209405045381,17.0559298327,-0.000881279280905,2.80203717842,0.000417907653267,10.6263294019,-0.0038052598963,3.94675903436 +0.2000000000000001,0.0193113216303,17.0559298327,-0.00154394429753,2.80203717842,0.00054169521748,10.6263294019,-0.00309861301637,3.94675903436 +0.2050000000000001,0.0162762817161,17.0559298327,-0.00230882190973,2.80203717842,0.000386115804839,10.6263294019,-0.00274818216886,3.94675903436 +0.2100000000000001,0.013146090386,17.0559298327,-0.0032016225129,2.80203717842,0.000583485476929,10.6263294019,-0.00253594406895,3.94675903436 +0.2150000000000001,0.0102444666072,17.0559298327,-0.00425653424934,2.80203717842,0.00115971533675,10.6263294019,-0.00238349915694,3.94675903436 +0.2200000000000001,0.0076307381254,17.0559298327,-0.00552148255128,2.80203717842,0.00178861090912,10.6263294019,-0.00225711318374,3.94675903436 +0.22500000000000012,0.00529130629044,17.0559298327,-0.00706688289465,2.80203717842,0.00255513351549,10.6263294019,-0.00214199093714,3.94675903436 +0.23000000000000012,0.00319965272217,17.0559298327,-0.00900111114621,2.80203717842,0.0035360070843,10.6263294019,-0.00203267234587,3.94675903436 +0.23500000000000013,0.00134241754939,17.0559298327,-0.0114998194579,2.80203717842,0.00483543162566,10.6263294019,-0.00192838052285,3.94675903436 +0.24000000000000013,-0.000251759689033,17.0559298327,-0.0148664146913,2.80203717842,0.00661557445297,10.6263294019,-0.00183040889086,3.94675903436 +0.24500000000000013,-0.00142719330876,17.0559298327,-0.0196711386476,2.80203717842,0.00915138000249,10.6263294019,-0.00174065200117,3.94675903436 +0.2500000000000001,-0.00134156208403,17.0559298327,-0.0271215733256,2.80203717842,0.0129471305693,10.6263294019,-0.00166088128894,3.94675903436 +0.2550000000000001,-0.00454121171289,17.0559298327,-0.0402872724642,2.80203717842,0.0190149428371,10.6263294019,-0.00159249232021,3.94675903436 +0.2600000000000001,-0.0133176210049,17.0559298327,-0.0699107813472,2.80203717842,0.029638700964,10.6263294019,-0.00153651636415,3.94675903436 +0.2650000000000001,-0.0489126794165,17.0559298327,-0.198132500708,2.80203717842,0.0509039942947,10.6263294019,-0.00149375614947,3.94675903436 +0.27000000000000013,0.0886661204926,17.0559298327,0.318548206408,2.80203717842,0.103843483557,10.6263294019,-0.00146496712723,3.94675903436 +0.27500000000000013,0.0263483245148,17.0559298327,0.0962613977282,2.80203717842,0.30629385869,10.6263294019,-0.0014510519733,3.94675903436 +0.28000000000000014,0.0118768455379,17.0559298327,0.0595519445626,2.80203717842,3.52056808431,10.6263294019,-0.00145326716944,3.94675903436 +0.28500000000000014,0.00952071153643,17.0559298327,0.0446187950249,2.80203717842,-1.90127541356,10.6263294019,-0.0014734621324,3.94675903436 +0.29000000000000015,0.0165981439163,17.0559298327,0.0366451537582,2.80203717842,-0.25741702441,10.6263294019,-0.00151439176325,3.94675903436 +0.29500000000000015,0.0218944490705,17.0559298327,0.0317991936693,2.80203717842,-0.0973929163908,10.6263294019,-0.00158017290396,3.94675903436 +0.30000000000000016,0.0272600383624,17.0559298327,0.0286506533365,2.80203717842,-0.0511392440585,10.6263294019,-0.00167701078006,3.94675903436 +0.30500000000000016,0.0334048754438,17.0559298327,0.026549321246,2.80203717842,-0.0316914741449,10.6263294019,-0.00181443793749,3.94675903436 +0.31000000000000016,0.0409491507304,17.0559298327,0.0251625927794,2.80203717842,-0.0217606110383,10.6263294019,-0.00200757071178,3.94675903436 +0.31500000000000017,0.0506987399776,17.0559298327,0.0243090037022,2.80203717842,-0.0160644342904,10.6263294019,-0.0022815310887,3.94675903436 +0.3200000000000002,0.0639049918989,17.0559298327,0.0238888181343,2.80203717842,-0.0125604451552,10.6263294019,-0.00268092991158,3.94675903436 +0.3250000000000002,0.0827222651006,17.0559298327,0.0238525614576,2.80203717842,-0.0103452193036,10.6263294019,-0.00329276522819,3.94675903436 +0.3300000000000002,0.111217443509,17.0559298327,0.0241868439622,2.80203717842,-0.0090194313897,10.6263294019,-0.00431169634744,3.94675903436 +0.3350000000000002,0.157951357965,17.0559298327,0.0249096883531,2.80203717842,-0.00853773267382,10.6263294019,-0.00627995344153,3.94675903436 +0.3400000000000002,0.243821515825,17.0559298327,0.0260728598896,2.80203717842,-0.00967126758226,10.6263294019,-0.0114854974896,3.94675903436 +0.3450000000000002,0.432623370926,17.0559298327,0.0277718222232,2.80203717842,-0.0285605934433,10.6263294019,-0.059909034898,3.94675903436 +0.3500000000000002,1.01217938142,17.0559298327,0.0301673558062,2.80203717842,0.0044207317791,10.6263294019,0.0196764669438,3.94675903436 +0.3550000000000002,5.35107276081,17.0559298327,0.0335292350289,2.80203717842,0.000542683623389,10.6263294019,0.00872235955827,3.94675903436 +0.3600000000000002,-26.5029092581,17.0559298327,0.0383278895683,2.80203717842,4.58421200142e-05,10.6263294019,0.00574069816566,3.94675903436 +0.3650000000000002,-1.06714375597,17.0559298327,0.0454447649229,2.80203717842,-0.000276764471002,10.6263294019,0.00436502065231,3.94675903436 +0.3700000000000002,-0.194506526601,17.0559298327,0.0567256927075,2.80203717842,-0.000574211076725,10.6263294019,0.00358206498815,3.94675903436 +0.3750000000000002,0.0254547730141,17.0559298327,0.076768170879,2.80203717842,-0.000791036912911,10.6263294019,0.00308263480337,3.94675903436 +0.3800000000000002,0.165618826081,17.0559298327,0.121042578893,2.80203717842,-0.000903906892494,10.6263294019,0.00274064040645,3.94675903436 +0.38500000000000023,0.487709481509,17.0559298327,0.294288341458,2.80203717842,-0.00084907668413,10.6263294019,0.00249509373355,3.94675903436 +0.39000000000000024,-1.12196199264,17.0559298327,-0.66528169721,2.80203717842,-0.000221034645325,10.6263294019,0.00231295829839,3.94675903436 +0.39500000000000024,-0.252628102145,17.0559298327,-0.156643811924,2.80203717842,-0.00130640837399,10.6263294019,0.00217484705076,3.94675903436 +0.40000000000000024,-0.133578368846,17.0559298327,-0.0893616762474,2.80203717842,-0.00234046719873,10.6263294019,0.00206870052358,3.94675903436 +0.40500000000000025,-0.0854337532619,17.0559298327,-0.0629971127082,2.80203717842,-0.00360895144704,10.6263294019,0.0019866944264,3.94675903436 +0.41000000000000025,-0.0591443091825,17.0559298327,-0.0490442421112,2.80203717842,-0.00526974216938,10.6263294019,0.00192360550985,3.94675903436 +0.41500000000000026,-0.0423629480901,17.0559298327,-0.0404861292337,2.80203717842,-0.00752448453848,10.6263294019,0.00187589502334,3.94675903436 +0.42000000000000026,-0.0304148034619,17.0559298327,-0.0347579590522,2.80203717842,-0.0106834641405,10.6263294019,0.00184117128988,3.94675903436 +0.42500000000000027,-0.0209983700673,17.0559298327,-0.0307004950546,2.80203717842,-0.0152607917455,10.6263294019,0.0018178656399,3.94675903436 +0.43000000000000027,-0.0124410821025,17.0559298327,-0.0277141606588,2.80203717842,-0.0221631385471,10.6263294019,0.00180503625423,3.94675903436 +0.4350000000000003,-0.00454472183506,17.0559298327,-0.0254585416436,2.80203717842,-0.0331081849945,10.6263294019,0.00180225461043,3.94675903436 +0.4400000000000003,-0.0113462342608,17.0559298327,-0.0237268822941,2.80203717842,-0.0516606353503,10.6263294019,0.00180955095554,3.94675903436 +0.4450000000000003,-0.0138298611298,17.0559298327,-0.0223872489175,2.80203717842,-0.0861888254948,10.6263294019,0.00182740841981,3.94675903436 +0.4500000000000003,-0.0147636569806,17.0559298327,-0.0213524585446,2.80203717842,-0.160170496467,10.6263294019,0.00185680510665,3.94675903436 +0.4550000000000003,-0.0145048375723,17.0559298327,-0.0205636652308,2.80203717842,-0.361214248897,10.6263294019,0.00189931302641,3.94675903436 +0.4600000000000003,-0.0127605113913,17.0559298327,-0.0199809546106,2.80203717842,-1.25893602832,10.6263294019,0.00195727528241,3.94675903436 +0.4650000000000003,-0.00781052890179,17.0559298327,-0.019577787124,2.80203717842,-33.79425033,10.6263294019,0.00203410321329,3.94675903436 +0.4700000000000003,-0.0110367254087,17.0559298327,-0.0193377012923,2.80203717842,3.97807560743,10.6263294019,0.0021347723539,3.94675903436 +0.4750000000000003,-0.0207997247792,17.0559298327,-0.019252453686,2.80203717842,0.775432666046,10.6263294019,0.00226667000184,3.94675903436 +0.4800000000000003,-0.0308859094082,17.0559298327,-0.0193211792233,2.80203717842,0.331561439953,10.6263294019,0.00244110546413,3.94675903436 +0.4850000000000003,-0.0428180997344,17.0559298327,-0.0195504022636,2.80203717842,0.187403608889,10.6263294019,0.00267616096866,3.94675903436 +0.4900000000000003,-0.0497971047289,17.0559298327,-0.0199549168002,2.80203717842,0.107517874098,10.6263294019,0.00300249621271,3.94675903436 +0.49500000000000033,-0.0493790276505,17.0559298327,-0.0204597771465,2.80203717842,0.0736976764024,10.6263294019,0.00323485187901,3.94675903436 diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_7.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_7.csv new file mode 100644 index 0000000000..2c3822db75 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/DSS/pp2_print_7.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,-0.0306827499538,9.41582507018,-0.000557451122591,1.11278977424,3.23285962905e-05,26.7626230727,-3.97768207706e-05,3.11855839636 +0.005,0.902904316983,9.41582507018,-0.00112495449284,1.11278977424,0.00010752701866,26.7626230727,-5.11548404776e-05,3.11855839636 +0.01,0.0165880760891,9.41582507018,0.00114089926273,1.11278977424,0.000248267258665,26.7626230727,-6.30232498458e-05,3.11855839636 +0.015,0.00355786035287,9.41582507018,0.000421371820622,1.11278977424,0.00037315669509,26.7626230727,-7.38163161171e-05,3.11855839636 +0.02,0.00161337259969,9.41582507018,0.000278429812737,1.11278977424,0.000462015240706,26.7626230727,-8.33604223263e-05,3.11855839636 +0.025,0.000954019394913,9.41582507018,0.000219869626604,1.11278977424,0.00050508386182,26.7626230727,-9.16902895052e-05,3.11855839636 +0.030000000000000002,0.000647812985872,9.41582507018,0.000189606326064,1.11278977424,0.000455791762794,26.7626230727,-9.90026468141e-05,3.11855839636 +0.035,0.000477958125948,9.41582507018,0.000172252706692,1.11278977424,0.000198308747405,26.7626230727,-0.000105602575883,3.11855839636 +0.04,0.000371801216637,9.41582507018,0.000161899497952,1.11278977424,0.000838707484391,26.7626230727,-0.00011186527912,3.11855839636 +0.045,0.000299200174921,9.41582507018,0.000155826972898,1.11278977424,0.00148760310243,26.7626230727,-0.000118224378687,3.11855839636 +0.049999999999999996,0.00024567597282,9.41582507018,0.00015265197448,1.11278977424,0.00232839457664,26.7626230727,-0.000125192300053,3.11855839636 +0.05499999999999999,0.000203411544118,9.41582507018,0.000151649095753,1.11278977424,0.00347283925572,26.7626230727,-0.000133422167594,3.11855839636 +0.05999999999999999,0.000167662679905,9.41582507018,0.000152467686434,1.11278977424,0.0050734926912,26.7626230727,-0.000143837878484,3.11855839636 +0.06499999999999999,0.00013503915901,9.41582507018,0.000155009611959,1.11278977424,0.0073667798554,26.7626230727,-0.000157905145923,3.11855839636 +0.06999999999999999,0.000102261567593,9.41582507018,0.000159387238238,1.11278977424,0.0107427641775,26.7626230727,-0.000178249677159,3.11855839636 +0.075,6.34386960977e-05,9.41582507018,0.000165936730283,1.11278977424,0.0158853299862,26.7626230727,-0.000210289020811,3.11855839636 +0.08,3.87347745242e-05,9.41582507018,0.000175291467633,1.11278977424,0.0240843846341,26.7626230727,-0.000267577213734,3.11855839636 +0.085,7.96192871896e-05,9.41582507018,0.000188552920371,1.11278977424,0.0379986911922,26.7626230727,-0.000396822094901,3.11855839636 +0.09000000000000001,0.000102571823978,9.41582507018,0.000207663091006,1.11278977424,0.0633224473537,26.7626230727,-0.000941630522183,3.11855839636 +0.09500000000000001,0.000117554274876,9.41582507018,0.000236268340775,1.11278977424,0.132404684301,26.7626230727,0.00145531495952,3.11855839636 +0.10000000000000002,0.000124487282285,9.41582507018,0.000281996779682,1.11278977424,0.31503518025,26.7626230727,0.00035834387222,3.11855839636 +0.10500000000000002,0.000115287091373,9.41582507018,0.000363808896115,1.11278977424,1.59083348437,26.7626230727,0.000187508432009,3.11855839636 +0.11000000000000003,5.1909021237e-05,9.41582507018,0.000545316634447,1.11278977424,-21.3048443491,26.7626230727,0.00011851795602,3.11855839636 +0.11500000000000003,0.000386518403935,9.41582507018,0.00125410530737,1.11278977424,-0.591950911494,26.7626230727,8.12900326612e-05,3.11855839636 +0.12000000000000004,-0.000946482736945,9.41582507018,-0.00276479865149,1.11278977424,-0.155048626235,26.7626230727,5.78629181494e-05,3.11855839636 +0.12500000000000003,-0.000151746541504,9.41582507018,-0.000609212147903,1.11278977424,-0.0601471585328,26.7626230727,4.14666739701e-05,3.11855839636 +0.13000000000000003,-1.03877529358e-06,9.41582507018,-0.000329213157915,1.11278977424,-0.0260683220409,26.7626230727,2.88946006248e-05,3.11855839636 +0.13500000000000004,9.63870452114e-05,9.41582507018,-0.000220024971557,1.11278977424,-0.0108509351514,26.7626230727,1.83209482826e-05,3.11855839636 +0.14000000000000004,0.000184289435455,9.41582507018,-0.000162298633374,1.11278977424,-0.0033447046694,26.7626230727,8.4824235061e-06,3.11855839636 +0.14500000000000005,0.000276411572646,9.41582507018,-0.000126689798503,1.11278977424,0.000448179571599,26.7626230727,-1.72192077198e-06,3.11855839636 +0.15000000000000005,0.000382498002631,9.41582507018,-0.000102428122283,1.11278977424,0.00226833569207,26.7626230727,-1.3516459439e-05,3.11855839636 +0.15500000000000005,0.00051526527586,9.41582507018,-8.45888151489e-05,1.11278977424,0.00298490713824,26.7626230727,-2.85792378502e-05,3.11855839636 +0.16000000000000006,0.000697535958197,9.41582507018,-7.05645801842e-05,1.11278977424,0.00307385503078,26.7626230727,-4.96035508974e-05,3.11855839636 +0.16500000000000006,0.000978872252848,9.41582507018,-5.88136820266e-05,1.11278977424,0.00280852300668,26.7626230727,-8.15087433565e-05,3.11855839636 +0.17000000000000007,0.0014913130025,9.41582507018,-4.83371586243e-05,1.11278977424,0.00234462818666,26.7626230727,-0.000134580255489,3.11855839636 +0.17500000000000007,0.00272017373639,9.41582507018,-3.84330408682e-05,1.11278977424,0.00175903250862,26.7626230727,-0.000234611481383,3.11855839636 +0.18000000000000008,0.00820538933534,9.41582507018,-2.85693413718e-05,1.11278977424,0.0010499187463,26.7626230727,-0.000469253336785,3.11855839636 +0.18500000000000008,-10.6977065865,9.41582507018,-1.83127323453e-05,1.11278977424,0.000377467807423,26.7626230727,-0.00144334631206,3.11855839636 +0.19000000000000009,-0.00181876954186,9.41582507018,-7.28520083071e-06,1.11278977424,0.00198829432899,26.7626230727,0.00380352835494,3.11855839636 +0.1950000000000001,0.000298016909274,9.41582507018,4.86442780661e-06,1.11278977424,0.00172315240834,26.7626230727,0.00114095531263,3.11855839636 +0.2000000000000001,0.000484613282186,9.41582507018,1.84806778369e-05,1.11278977424,0.00173198505852,26.7626230727,0.000802430356588,3.11855839636 +0.2050000000000001,0.000478409389526,9.41582507018,3.39168035716e-05,1.11278977424,0.00164113577386,26.7626230727,0.000692843913681,3.11855839636 +0.2100000000000001,0.000443143571947,9.41582507018,5.15473038338e-05,1.11278977424,0.00137529101676,26.7626230727,0.000657905411826,3.11855839636 +0.2150000000000001,0.000406683877593,9.41582507018,7.17787175624e-05,1.11278977424,0.000633598181294,26.7626230727,0.000660244626901,3.11855839636 +0.2200000000000001,0.000374086409908,9.41582507018,9.50594242387e-05,1.11278977424,0.00145154624477,26.7626230727,0.000687097357742,3.11855839636 +0.22500000000000012,0.000345348559774,9.41582507018,0.000121888944865,1.11278977424,0.0024919919182,26.7626230727,0.000733691388974,3.11855839636 +0.23000000000000012,0.000319182009349,9.41582507018,0.000152827124769,1.11278977424,0.00359454513161,26.7626230727,0.000798644650834,3.11855839636 +0.23500000000000013,0.000293887601063,9.41582507018,0.000188503543319,1.11278977424,0.00490517967202,26.7626230727,0.000882352195968,3.11855839636 +0.24000000000000013,0.000267455857994,9.41582507018,0.000229627527076,1.11278977424,0.0065590112144,26.7626230727,0.000986327669379,3.11855839636 +0.24500000000000013,0.000237319510863,9.41582507018,0.000276999245557,1.11278977424,0.0087409751708,26.7626230727,0.00111289297195,3.11855839636 +0.2500000000000001,0.000199579114608,9.41582507018,0.000331522555985,1.11278977424,0.0117404008389,26.7626230727,0.00126498847598,3.11855839636 +0.2550000000000001,0.000146057429909,9.41582507018,0.000394220556496,1.11278977424,0.0160477113723,26.7626230727,0.00144599092204,3.11855839636 +0.2600000000000001,1.90837157492e-05,9.41582507018,0.000466255236193,1.11278977424,0.0225605981899,26.7626230727,0.00165945967176,3.11855839636 +0.2650000000000001,0.000151737370652,9.41582507018,0.000548953216518,1.11278977424,0.0330806750009,26.7626230727,0.00190873844014,3.11855839636 +0.27000000000000013,0.000218700149796,9.41582507018,0.000643840421163,1.11278977424,0.0516929209211,26.7626230727,0.00219634308257,3.11855839636 +0.27500000000000013,0.0002670189776,9.41582507018,0.00075268968204,1.11278977424,0.0894273854518,26.7626230727,0.00252308720763,3.11855839636 +0.28000000000000014,0.000295840969064,9.41582507018,0.000877586934222,1.11278977424,0.185555738772,26.7626230727,0.002886961159,3.11855839636 +0.28500000000000014,0.00029146395723,9.41582507018,0.00102102402236,1.11278977424,0.577167840156,26.7626230727,0.00328190958063,3.11855839636 +0.29000000000000015,0.000204925986361,9.41582507018,0.00118602966583,1.11278977424,10.2487352137,26.7626230727,0.00369684641987,3.11855839636 +0.29500000000000015,0.000284536483274,9.41582507018,0.00137635556721,1.11278977424,-1.99347013948,26.7626230727,0.00411543626571,3.11855839636 +0.30000000000000016,0.000596911791929,9.41582507018,0.00159674334825,1.11278977424,-0.320959386856,26.7626230727,0.0045171998707,3.11855839636 +0.30500000000000016,0.000957747446753,9.41582507018,0.00185331241199,1.11278977424,-0.120733662553,26.7626230727,0.00488018580299,3.11855839636 +0.31000000000000016,0.00141891567545,9.41582507018,0.00215413353736,1.11278977424,-0.0605269635727,26.7626230727,0.0051847701627,3.11855839636 +0.31500000000000017,0.00203066329996,9.41582507018,0.00251009686648,1.11278977424,-0.0350851626381,26.7626230727,0.00541742730367,3.11855839636 +0.3200000000000002,0.0028638633866,9.41582507018,0.00293626382708,1.11278977424,-0.0222276102019,26.7626230727,0.00557310011959,3.11855839636 +0.3250000000000002,0.00402927490083,9.41582507018,0.00345404844976,1.11278977424,-0.0149751184191,26.7626230727,0.00565536595129,3.11855839636 +0.3300000000000002,0.00571119111095,9.41582507018,0.00409489024731,1.11278977424,-0.0105625631986,26.7626230727,0.00567460221727,3.11855839636 +0.3350000000000002,0.00823605774456,9.41582507018,0.00490676581009,1.11278977424,-0.0077153027945,26.7626230727,0.00564512067525,3.11855839636 +0.3400000000000002,0.0122271018125,9.41582507018,0.00596648538713,1.11278977424,-0.00577991464454,26.7626230727,0.00558235862682,3.11855839636 +0.3450000000000002,0.018995346848,9.41582507018,0.00740482498323,1.11278977424,-0.00439394557158,26.7626230727,0.00550082435537,3.11855839636 +0.3500000000000002,0.0316929901205,9.41582507018,0.00946343340245,1.11278977424,-0.00334234235238,26.7626230727,0.00541298554899,3.11855839636 +0.3550000000000002,0.0595709626355,9.41582507018,0.0126429144169,1.11278977424,-0.0024863447892,26.7626230727,0.00532894549572,3.11855839636 +0.3600000000000002,0.140776212592,9.41582507018,0.0181746074932,1.11278977424,-0.00171772464755,26.7626230727,0.00525663011472,3.11855839636 +0.3650000000000002,0.626854978843,9.41582507018,0.0301146631651,1.11278977424,-0.000873774219684,26.7626230727,0.00520223492173,3.11855839636 +0.3700000000000002,2.05044640812,9.41582507018,0.0743055194479,1.11278977424,-0.000868952684127,26.7626230727,0.005170763208,3.11855839636 +0.3750000000000002,-1.967788632,9.41582507018,-0.228642820892,1.11278977424,-0.0013411350317,26.7626230727,0.00516656840981,3.11855839636 +0.3800000000000002,-0.245003908081,9.41582507018,-0.0490085283738,1.11278977424,-0.0015658039418,26.7626230727,0.00519387448625,3.11855839636 +0.38500000000000023,-0.100123174825,9.41582507018,-0.0287984424702,1.11278977424,-0.00164975224519,26.7626230727,0.00525728862216,3.11855839636 +0.39000000000000024,-0.05542537026,9.41582507018,-0.021097130417,1.11278977424,-0.0015957477508,26.7626230727,0.00536234935958,3.11855839636 +0.39500000000000024,-0.0355326760753,9.41582507018,-0.0170989701414,1.11278977424,-0.00133583190046,26.7626230727,0.00551618120264,3.11855839636 +0.40000000000000024,-0.0248271759234,9.41582507018,-0.0147030530606,1.11278977424,-0.000431356964331,26.7626230727,0.00572836665979,3.11855839636 +0.40500000000000025,-0.0183315366917,9.41582507018,-0.0131542795141,1.11278977424,-0.00163124640358,26.7626230727,0.00601221751251,3.11855839636 +0.41000000000000025,-0.014039428773,9.41582507018,-0.0121164464296,1.11278977424,-0.00272489168365,26.7626230727,0.00638676433496,3.11855839636 +0.41500000000000026,-0.0110075021854,9.41582507018,-0.0114192283556,1.11278977424,-0.00389707823712,26.7626230727,0.00688006422458,3.11855839636 +0.42000000000000026,-0.00873844218418,9.41582507018,-0.010969436566,1.11278977424,-0.00526257780172,26.7626230727,0.00753503682461,3.11855839636 +0.42500000000000027,-0.00694247493037,9.41582507018,-0.010714530666,1.11278977424,-0.0069092473011,26.7626230727,0.0084204650592,3.11855839636 +0.43000000000000027,-0.00542968459402,9.41582507018,-0.0106260431118,1.11278977424,-0.008919334962,26.7626230727,0.00965345784477,3.11855839636 +0.4350000000000003,-0.00404685483649,9.41582507018,-0.0106917823832,1.11278977424,-0.011334640699,26.7626230727,0.0114502689769,3.11855839636 +0.4400000000000003,-0.00259270956285,9.41582507018,-0.0109125570054,1.11278977424,-0.0139824921564,26.7626230727,0.0142583859854,3.11855839636 +0.4450000000000003,-0.000869341591331,9.41582507018,-0.0113018241527,1.11278977424,-0.015685422106,26.7626230727,0.0191766301145,3.11855839636 +0.4500000000000003,-0.00261042853509,9.41582507018,-0.0118880026411,1.11278977424,-0.00976379372345,26.7626230727,0.029814143336,3.11855839636 +0.4550000000000003,-0.00344428825304,9.41582507018,-0.0127202913723,1.11278977424,0.0637181974297,26.7626230727,0.0689859651338,3.11855839636 +0.4600000000000003,-0.00399788704279,9.41582507018,-0.0138804842168,1.11278977424,-0.874835797642,26.7626230727,-0.208169930301,3.11855839636 +0.4650000000000003,-0.004330498936,9.41582507018,-0.0155068429663,1.11278977424,-0.593560492947,26.7626230727,-0.041378998195,3.11855839636 +0.4700000000000003,-0.00431577516571,9.41582507018,-0.0178454317953,1.11278977424,-1.42955754325,26.7626230727,-0.023041078054,3.11855839636 +0.4750000000000003,-0.00329586376578,9.41582507018,-0.0213728514744,1.11278977424,-19.2990481855,26.7626230727,-0.0160481184739,3.11855839636 +0.4800000000000003,-0.00451029883553,9.41582507018,-0.0271394764463,1.11278977424,5.44897180868,26.7626230727,-0.0123897802269,3.11855839636 +0.4850000000000003,-0.0119025242749,9.41582507018,-0.0379906792011,1.11278977424,0.826637403068,26.7626230727,-0.0101614164409,3.11855839636 +0.4900000000000003,-0.0244749095371,9.41582507018,-0.0652289208328,1.11278977424,0.278172048151,26.7626230727,-0.00867817231596,3.11855839636 +0.49500000000000033,-0.0382687518741,9.41582507018,-0.102746733456,1.11278977424,0.159666457462,26.7626230727,-0.00810965884763,3.11855839636 diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_8.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_8.csv new file mode 100644 index 0000000000..6fceed1c6f --- /dev/null +++ b/tests/framework/PostProcessors/Validation/DSS/pp2_print_8.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,0.0766179352583,17.382257437,0.000755459814065,3.04157746282,-0.0140341780609,44.7642229618,-0.0667114589931,5.49765965736 +0.005,0.0634762364734,17.382257437,-2.37886667141e-07,3.04157746282,-0.0198530934049,44.7642229618,-0.0836126007673,5.49765965736 +0.01,0.0427570295443,17.382257437,-8.45402657216e-08,3.04157746282,-0.0252939453424,44.7642229618,-0.100349963348,5.49765965736 +0.015,0.0286018652395,17.382257437,-5.57957133201e-08,3.04157746282,-0.0243388730404,44.7642229618,-0.115046986624,5.49765965736 +0.02,0.0210236449805,17.382257437,-4.42667142247e-08,3.04157746282,-0.0129984415582,44.7642229618,-0.127728188461,5.49765965736 +0.025,0.0164575281605,17.382257437,-3.84227771502e-08,3.04157746282,-0.0283035069215,44.7642229618,-0.13872547446,5.49765965736 +0.030000000000000002,0.0134418131959,17.382257437,-3.51517091895e-08,3.04157746282,-0.0502366951236,44.7642229618,-0.148567035324,5.49765965736 +0.035,0.0112825784351,17.382257437,-3.32697900065e-08,3.04157746282,-0.0728063028921,44.7642229618,-0.157900812851,5.49765965736 +0.04,0.00960829455293,17.382257437,-3.22378490597e-08,3.04157746282,-0.0981902030458,44.7642229618,-0.167475585491,5.49765965736 +0.045,0.00819416765048,17.382257437,-3.17868308301e-08,3.04157746282,-0.128379738659,44.7642229618,-0.178190252587,5.49765965736 +0.049999999999999996,0.00688019091495,17.382257437,-3.17820325634e-08,3.04157746282,-0.166340299881,44.7642229618,-0.191234386736,5.49765965736 +0.05499999999999999,0.00551759426795,17.382257437,-3.2167767044e-08,3.04157746282,-0.217201578683,44.7642229618,-0.208392722618,5.49765965736 +0.05999999999999999,0.00388240844208,17.382257437,-3.29453857917e-08,3.04157746282,-0.290804374855,44.7642229618,-0.232728462736,5.49765965736 +0.06499999999999999,0.000718467776938,17.382257437,-3.41694417397e-08,3.04157746282,-0.408478140868,44.7642229618,-0.270329968835,5.49765965736 +0.06999999999999999,0.00365483905979,17.382257437,-3.5959154201e-08,3.04157746282,-0.625213421512,44.7642229618,-0.33577072639,5.49765965736 +0.075,0.00510229819122,17.382257437,-3.85312409052e-08,3.04157746282,-1.12948805066,44.7642229618,-0.475684829117,5.49765965736 +0.08,0.00601119925538,17.382257437,-4.22748563649e-08,3.04157746282,-3.11685857128,44.7642229618,-0.967966986377,5.49765965736 +0.085,0.00640846745449,17.382257437,-4.79284952287e-08,3.04157746282,17.7930104612,44.7642229618,3.61274599878,5.49765965736 +0.09000000000000001,0.00604375957229,17.382257437,-5.70523913778e-08,3.04157746282,5.35189434669,44.7642229618,0.529095850456,5.49765965736 +0.09500000000000001,0.00398213815592,17.382257437,-7.35780664916e-08,3.04157746282,24.8146650348,44.7642229618,0.25674482114,5.49765965736 +0.10000000000000002,0.00553682685252,17.382257437,-1.11032838583e-07,3.04157746282,0.258751826313,44.7642229618,0.155549851088,5.49765965736 +0.10500000000000002,0.0107953176057,17.382257437,-2.67586197346e-07,3.04157746282,0.327998619471,44.7642229618,0.102750899158,5.49765965736 +0.11000000000000003,0.0161203828179,17.382257437,4.46800910848e-07,3.04157746282,0.170078372383,44.7642229618,0.0699664304609,5.49765965736 +0.11500000000000003,0.0220007957478,17.382257437,1.12042588921e-07,3.04157746282,0.0904048618576,44.7642229618,0.0469550141142,5.49765965736 +0.12000000000000004,0.0286209377741,17.382257437,6.12730188443e-08,3.04157746282,0.0460652867323,44.7642229618,0.0289153741263,5.49765965736 +0.12500000000000003,0.0361246921327,17.382257437,4.09369377937e-08,3.04157746282,0.0176903531448,44.7642229618,0.0130230763885,5.49765965736 +0.13000000000000003,0.0446985036227,17.382257437,3.0037208598e-08,3.04157746282,-0.00338956638442,44.7642229618,-0.00287654390044,5.49765965736 +0.13500000000000004,0.0546533591936,17.382257437,2.32262928677e-08,3.04157746282,-0.021594472442,44.7642229618,-0.0209917021408,5.49765965736 +0.14000000000000004,0.0665529540417,17.382257437,1.85015539036e-08,3.04157746282,-0.0396630593666,44.7642229618,-0.0442792801278,5.49765965736 +0.14500000000000005,0.0814554862728,17.382257437,1.49305409444e-08,3.04157746282,-0.0598781249142,44.7642229618,-0.0775699273158,5.49765965736 +0.15000000000000005,0.101450488483,17.382257437,1.2008965536e-08,3.04157746282,-0.0849733064531,44.7642229618,-0.130080889287,5.49765965736 +0.15500000000000005,0.131087691699,17.382257437,9.43049458666e-09,3.04157746282,-0.119536030406,44.7642229618,-0.222508547462,5.49765965736 +0.16000000000000006,0.182186827663,17.382257437,6.98998015508e-09,3.04157746282,-0.174241341616,44.7642229618,-0.413591494153,5.49765965736 +0.16500000000000006,0.297507195561,17.382257437,4.53756308295e-09,3.04157746282,-0.289227085144,44.7642229618,-0.963642202773,5.49765965736 +0.17000000000000007,0.837797414979,17.382257437,1.95431528909e-09,3.04157746282,-1.32413875409,44.7642229618,-8.63679459601,5.49765965736 +0.17500000000000007,0.837676472005,17.382257437,-8.62578290917e-10,3.04157746282,0.314543654714,44.7642229618,1.99844153162,5.49765965736 +0.18000000000000008,0.279293962,17.382257437,-4.01072931105e-09,3.04157746282,0.260293294945,44.7642229618,1.09238186369,5.49765965736 +0.18500000000000008,0.161040950522,17.382257437,-7.59274667908e-09,3.04157746282,0.225977459461,44.7642229618,0.831034650158,5.49765965736 +0.19000000000000009,0.110044322648,17.382257437,-1.17281972013e-08,3.04157746282,0.195962237397,44.7642229618,0.706011058762,5.49765965736 +0.1950000000000001,0.0815169701597,17.382257437,-1.65701065808e-08,3.04157746282,0.161632599019,44.7642229618,0.628518845663,5.49765965736 +0.2000000000000001,0.0632046975998,17.382257437,-2.2330243826e-08,3.04157746282,0.114874416572,44.7642229618,0.57093222884,5.49765965736 +0.2050000000000001,0.0503844703786,17.382257437,-2.93209701027e-08,3.04157746282,0.0208004483174,44.7642229618,0.522711837371,5.49765965736 +0.2100000000000001,0.0408436777528,17.382257437,-3.80296619088e-08,3.04157746282,0.120357523115,44.7642229618,0.479778351864,5.49765965736 +0.2150000000000001,0.0334026737013,17.382257437,-4.92619406658e-08,3.04157746282,0.16959777707,44.7642229618,0.440788804413,5.49765965736 +0.2200000000000001,0.0273695701411,17.382257437,-6.44446399277e-08,3.04157746282,0.20824181058,44.7642229618,0.405497198787,5.49765965736 +0.22500000000000012,0.0223047163346,17.382257437,-8.63485530164e-08,3.04157746282,0.242484086328,44.7642229618,0.373985814301,5.49765965736 +0.23000000000000012,0.0179041859402,17.382257437,-1.2112045367e-07,3.04157746282,0.275804025599,44.7642229618,0.346339629622,5.49765965736 +0.23500000000000013,0.0139298028655,17.382257437,-1.85599687903e-07,3.04157746282,0.311195940663,44.7642229618,0.322549142671,5.49765965736 +0.24000000000000013,0.0101407813938,17.382257437,-3.48242830226e-07,3.04157746282,0.351963531459,44.7642229618,0.302516917789,5.49765965736 +0.24500000000000013,0.00610456971412,17.382257437,-1.57210165907e-06,3.04157746282,0.402459786508,44.7642229618,0.286099832693,5.49765965736 +0.2500000000000001,0.00299428610602,17.382257437,7.31761569145e-07,3.04157746282,0.469302994217,44.7642229618,0.273155791181,5.49765965736 +0.2550000000000001,0.0063209961021,17.382257437,3.15611005104e-07,3.04157746282,0.56391709594,44.7642229618,0.263584697327,5.49765965736 +0.2600000000000001,0.00763085848306,17.382257437,2.08759055658e-07,3.04157746282,0.708782814487,44.7642229618,0.25736383937,5.49765965736 +0.2650000000000001,0.00806982840295,17.382257437,1.60146511978e-07,3.04157746282,0.95604598702,44.7642229618,0.254582443172,5.49765965736 +0.27000000000000013,0.00780355083358,17.382257437,1.32673376231e-07,3.04157746282,1.46111806376,44.7642229618,0.255482670362,5.49765965736 +0.27500000000000013,0.00668503315964,17.382257437,1.1531544489e-07,3.04157746282,2.97875048716,44.7642229618,0.260517308643,5.49765965736 +0.28000000000000014,0.00377413916681,17.382257437,1.0365033745e-07,3.04157746282,35.3299994478,44.7642229618,0.270440235118,5.49765965736 +0.28500000000000014,0.00589027703646,17.382257437,9.55713531568e-08,3.04157746282,3.00707462133,44.7642229618,0.286458261552,5.49765965736 +0.29000000000000015,0.0104641659443,17.382257437,8.99607553105e-08,3.04157746282,1.73733611056,44.7642229618,0.310500740214,5.49765965736 +0.29500000000000015,0.0149246930327,17.382257437,8.61859296816e-08,3.04157746282,1.28998833644,44.7642229618,0.345728441722,5.49765965736 +0.30000000000000016,0.0199054607256,17.382257437,8.38804495914e-08,3.04157746282,1.09777230447,44.7642229618,0.397569653937,5.49765965736 +0.30500000000000016,0.0258628938024,17.382257437,8.28404772045e-08,3.04157746282,1.02848810087,44.7642229618,0.476049189427,5.49765965736 +0.31000000000000016,0.0333694353498,17.382257437,8.29743583408e-08,3.04157746282,1.05098473511,44.7642229618,0.601780085684,5.49765965736 +0.31500000000000017,0.0432911903675,17.382257437,8.42804740603e-08,3.04157746282,1.18712482491,44.7642229618,0.82471452086,5.49765965736 +0.3200000000000002,0.0570681034441,17.382257437,8.68435079735e-08,3.04157746282,1.56439890115,44.7642229618,1.30477104152,5.49765965736 +0.3250000000000002,0.0772878741578,17.382257437,9.08469908799e-08,3.04157746282,2.99049489296,44.7642229618,2.98359259391,5.49765965736 +0.3300000000000002,0.109021971406,17.382257437,9.66060269805e-08,3.04157746282,-11.6430906076,44.7642229618,-13.9366598512,5.49765965736 +0.3350000000000002,0.163372867292,17.382257437,1.04632326001e-07,3.04157746282,-1.53930654615,44.7642229618,-2.23415848722,5.49765965736 +0.3400000000000002,0.26868331458,17.382257437,1.15759886144e-07,3.04157746282,-0.705340630385,44.7642229618,-1.26848415518,5.49765965736 +0.3450000000000002,0.516364584015,17.382257437,1.31398400103e-07,3.04157746282,-0.393999426039,44.7642229618,-0.915399916603,5.49765965736 +0.3500000000000002,1.35185710055,17.382257437,1.5408750332e-07,3.04157746282,-0.223495137551,44.7642229618,-0.735169703334,5.49765965736 +0.3550000000000002,8.95541200506,17.382257437,1.88862512586e-07,3.04157746282,-0.0967009866621,44.7642229618,-0.627499450317,5.49765965736 +0.3600000000000002,-28.9157925245,17.382257437,2.47255244352e-07,3.04157746282,-0.0887315595718,44.7642229618,-0.556984404462,5.49765965736 +0.3650000000000002,-2.04140064426,17.382257437,3.62658377701e-07,3.04157746282,-0.122318338424,44.7642229618,-0.50793815665,5.49765965736 +0.3700000000000002,-0.686188136722,17.382257437,6.88521252376e-07,3.04157746282,-0.130173377388,44.7642229618,-0.472349282664,5.49765965736 +0.3750000000000002,-0.342920526144,17.382257437,6.81086396551e-06,3.04157746282,-0.126207148569,44.7642229618,-0.445708879334,5.49765965736 +0.3800000000000002,-0.206358071634,17.382257437,-8.74737058002e-07,3.04157746282,-0.113160389053,44.7642229618,-0.425297229316,5.49765965736 +0.38500000000000023,-0.138258167655,17.382257437,-4.16082279754e-07,3.04157746282,-0.0888354991172,44.7642229618,-0.40938978377,5.49765965736 +0.39000000000000024,-0.0992757117514,17.382257437,-2.76141533993e-07,3.04157746282,-0.0342044876592,44.7642229618,-0.396853988338,5.49765965736 +0.39500000000000024,-0.0747228392712,17.382257437,-2.08909348535e-07,3.04157746282,-0.0873433212143,44.7642229618,-0.386929340875,5.49765965736 +0.40000000000000024,-0.058092908911,17.382257437,-1.6974028524e-07,3.04157746282,-0.137949162302,44.7642229618,-0.379100324519,5.49765965736 +0.40500000000000025,-0.0461279485462,17.382257437,-1.44328470817e-07,3.04157746282,-0.184096818585,44.7642229618,-0.373019610799,5.49765965736 +0.41000000000000025,-0.037030882991,17.382257437,-1.26681304813e-07,3.04157746282,-0.231451835307,44.7642229618,-0.368460122885,5.49765965736 +0.41500000000000026,-0.0297173927724,17.382257437,-1.1384971055e-07,3.04157746282,-0.283249427815,44.7642229618,-0.365284649124,5.49765965736 +0.42000000000000026,-0.0234564906682,17.382257437,-1.04216368056e-07,3.04157746282,-0.342690613933,44.7642229618,-0.363426818521,5.49765965736 +0.42500000000000027,-0.0176463581116,17.382257437,-9.68228967361e-08,3.04157746282,-0.413909556542,44.7642229618,-0.362880013503,5.49765965736 +0.43000000000000027,-0.0114971205473,17.382257437,-9.1068004043e-08,3.04157746282,-0.50304268279,44.7642229618,-0.363692409128,5.49765965736 +0.4350000000000003,-0.00268027058148,17.382257437,-8.65581854696e-08,3.04157746282,-0.620105717779,44.7642229618,-0.365967395628,5.49765965736 +0.4400000000000003,-0.0108379331777,17.382257437,-8.30281657082e-08,3.04157746282,-0.78298600995,44.7642229618,-0.369869506547,5.49765965736 +0.4450000000000003,-0.0142463500807,17.382257437,-8.02959980022e-08,3.04157746282,-1.02725455535,44.7642229618,-0.3756368878,5.49765965736 +0.4500000000000003,-0.016191858155,17.382257437,-7.82366211185e-08,3.04157746282,-1.43490622822,44.7642229618,-0.383602569944,5.49765965736 +0.4550000000000003,-0.0169359462252,17.382257437,-7.67658718131e-08,3.04157746282,-2.24350595478,44.7642229618,-0.39422874796,5.49765965736 +0.4600000000000003,-0.0160926654828,17.382257437,-7.58307989645e-08,3.04157746282,-4.50152487095,44.7642229618,-0.408161671023,5.49765965736 +0.4650000000000003,-0.0120549150113,17.382257437,-7.54040669454e-08,3.04157746282,-23.7857952866,44.7642229618,-0.426321124734,5.49765965736 +0.4700000000000003,-0.0106514961142,17.382257437,-7.54812981885e-08,3.04157746282,3.01522648483,44.7642229618,-0.450051235414,5.49765965736 +0.4750000000000003,-0.0249502300599,17.382257437,-7.60808609275e-08,3.04157746282,-2.02773616538,44.7642229618,-0.481386519321,5.49765965736 +0.4800000000000003,-0.0396287384342,17.382257437,-7.7246105534e-08,3.04157746282,-1.73740406466,44.7642229618,-0.523549672213,5.49765965736 +0.4850000000000003,-0.0574696004356,17.382257437,-7.90505602526e-08,3.04157746282,-1.50891777393,44.7642229618,-0.581955448149,5.49765965736 +0.4900000000000003,-0.0692535087708,17.382257437,-8.16072910692e-08,3.04157746282,-1.22516588853,44.7642229618,-0.666442262839,5.49765965736 +0.49500000000000033,-0.0702459831803,17.382257437,-8.45272772513e-08,3.04157746282,-0.98926977011,44.7642229618,-0.728823164106,5.49765965736 diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_9.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_9.csv new file mode 100644 index 0000000000..42af8d7c03 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/DSS/pp2_print_9.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,-0.764555917836,18.1140398957,-0.00195238046846,1.47154939559,5.38967449988e-06,74.6823596112,7.45813228589e-05,5.29995970548 +0.005,9.30858909673,18.1140398957,-0.00100864803365,1.47154939559,1.24795723904e-05,74.6823596112,9.02270196318e-05,5.29995970548 +0.01,0.122334352586,18.1140398957,-0.000540517984425,1.47154939559,2.30373480673e-05,74.6823596112,0.000104951685713,5.29995970548 +0.015,0.0360350905229,18.1140398957,-0.000395318449729,1.47154939559,3.11545786472e-05,74.6823596112,0.000117536572211,5.29995970548 +0.02,0.0178616080118,18.1140398957,-0.00032806376042,1.47154939559,3.52673546559e-05,74.6823596112,0.000128118033517,5.29995970548 +0.025,0.0110996588791,18.1140398957,-0.000291469775938,1.47154939559,3.48725374001e-05,74.6823596112,0.00013704885295,5.29995970548 +0.030000000000000002,0.00782442239411,18.1140398957,-0.000270021532621,1.47154939559,2.74601270738e-05,74.6823596112,0.000144796857306,5.29995970548 +0.035,0.00596713854891,18.1140398957,-0.000257165344332,1.47154939559,1.74308869852e-05,74.6823596112,0.000151879556221,5.29995970548 +0.04,0.00479142607467,18.1140398957,-0.000249704165621,1.47154939559,4.68681025843e-05,74.6823596112,0.000158841403937,5.29995970548 +0.045,0.00397883944845,18.1140398957,-0.000245951779029,1.47154939559,7.29695189883e-05,74.6823596112,0.000166270769047,5.29995970548 +0.049999999999999996,0.00337056580719,18.1140398957,-0.000245005533108,1.47154939559,0.000102009459134,74.6823596112,0.000174857084079,5.29995970548 +0.05499999999999999,0.00287691949975,18.1140398957,-0.000246427172135,1.47154939559,0.000137128469396,74.6823596112,0.000185503180524,5.29995970548 +0.05999999999999999,0.00243978712216,18.1140398957,-0.00025009959392,1.47154939559,0.000182434923644,74.6823596112,0.000199540385351,5.29995970548 +0.06499999999999999,0.00201330853255,18.1140398957,-0.000256175553209,1.47154939559,0.000244837471868,74.6823596112,0.000219175545031,5.29995970548 +0.06999999999999999,0.00154676629616,18.1140398957,-0.000265091173375,1.47154939559,0.000337611433295,74.6823596112,0.000248544527189,5.29995970548 +0.075,0.000933218556283,18.1140398957,-0.000277648598126,1.47154939559,0.000490166282839,74.6823596112,0.000296651750882,5.29995970548 +0.08,0.000738229383803,18.1140398957,-0.000295205653909,1.47154939559,0.000782836614714,74.6823596112,0.000387882072793,5.29995970548 +0.085,0.00135111811562,18.1140398957,-0.000320074823849,1.47154939559,0.00153831819746,74.6823596112,0.000620141189165,5.29995970548 +0.09000000000000001,0.00169304045562,18.1140398957,-0.000356400095265,1.47154939559,0.00704095952057,74.6823596112,0.00230114231943,5.29995970548 +0.09500000000000001,0.00186223763633,18.1140398957,-0.000412295854754,1.47154939559,-0.00366566346322,74.6823596112,-0.000993689694002,5.29995970548 +0.10000000000000002,0.00182002129162,18.1140398957,-0.000505986346365,1.47154939559,-0.00121399643134,74.6823596112,-0.000359947224045,5.29995970548 +0.10500000000000002,0.0014019346304,18.1140398957,-0.000688568246118,1.47154939559,0.00476364579429,74.6823596112,-0.000200815453204,5.29995970548 +0.11000000000000003,0.00096518997665,18.1140398957,-0.00117897439105,1.47154939559,-0.0228786763106,74.6823596112,-0.000128704078952,5.29995970548 +0.11500000000000003,0.00106584058215,18.1140398957,-0.00622483162807,1.47154939559,-0.00202501780625,74.6823596112,-8.74296939224e-05,5.29995970548 +0.12000000000000004,0.00500065142453,18.1140398957,0.00163464307481,1.47154939559,-0.000644592110542,74.6823596112,-6.02566312226e-05,5.29995970548 +0.12500000000000003,0.0063405052665,18.1140398957,0.000680912709895,1.47154939559,-0.000263169163118,74.6823596112,-4.02890758731e-05,5.29995970548 +0.13000000000000003,0.00806093143485,18.1140398957,0.000415127950183,1.47154939559,-0.000106765119713,74.6823596112,-2.396500269e-05,5.29995970548 +0.13500000000000004,0.0100310279142,18.1140398957,0.000291255467184,1.47154939559,-2.87950161848e-05,74.6823596112,-8.98515368402e-06,5.29995970548 +0.14000000000000004,0.0122675900269,18.1140398957,0.000219812525857,1.47154939559,1.56198184827e-05,74.6823596112,6.58237083438e-06,5.29995970548 +0.14500000000000005,0.0148351988889,18.1140398957,0.000173084366444,1.47154939559,4.45234611385e-05,74.6823596112,2.48908800733e-05,5.29995970548 +0.15000000000000005,0.0178615263141,18.1140398957,0.000139569234505,1.47154939559,6.68822854882e-05,74.6823596112,4.89881660267e-05,5.29995970548 +0.15500000000000005,0.0215861105014,18.1140398957,0.000113544805269,1.47154939559,8.83071290355e-05,74.6823596112,8.40179601309e-05,5.29995970548 +0.16000000000000006,0.0264694626739,18.1140398957,9.17642533806e-05,1.47154939559,0.000113663052235,74.6823596112,0.000140028985451,5.29995970548 +0.16500000000000006,0.0334698845667,18.1140398957,7.21801565184e-05,1.47154939559,0.000149542671478,74.6823596112,0.000240182391112,5.29995970548 +0.17000000000000007,0.0449012179012,18.1140398957,5.33783782595e-05,1.47154939559,0.000210665987604,74.6823596112,0.00045294177425,5.29995970548 +0.17500000000000007,0.0680565351862,18.1140398957,3.42976465134e-05,1.47154939559,0.000358490123034,74.6823596112,0.00111006239632,5.29995970548 +0.18000000000000008,0.14347327974,18.1140398957,1.40749791421e-05,1.47154939559,0.00653073824288,74.6823596112,0.038058520468,5.29995970548 +0.18500000000000008,0.642873311033,18.1140398957,-8.05134042323e-06,1.47154939559,-0.000256170021662,74.6823596112,-0.00179839086359,5.29995970548 +0.19000000000000009,0.0986041883731,18.1140398957,-3.28143617829e-05,1.47154939559,-0.000240592785336,74.6823596112,-0.00106067265365,5.29995970548 +0.1950000000000001,0.051011542904,18.1140398957,-6.0985853474e-05,1.47154939559,-0.000216016050804,74.6823596112,-0.000831601264163,5.29995970548 +0.2000000000000001,0.0333225034375,18.1140398957,-9.34532448432e-05,1.47154939559,-0.000191151865901,74.6823596112,-0.000722614866523,5.29995970548 +0.2050000000000001,0.0240484637801,18.1140398957,-0.000131322132975,1.47154939559,-0.00016024607495,74.6823596112,-0.000657479963995,5.29995970548 +0.2100000000000001,0.0183079092213,18.1140398957,-0.000176067344773,1.47154939559,-0.000114842225154,74.6823596112,-0.000610921725764,5.29995970548 +0.2150000000000001,0.0143799970622,18.1140398957,-0.000229771888481,1.47154939559,-3.36144447161e-05,74.6823596112,-0.000572595276345,5.29995970548 +0.2200000000000001,0.0115007697088,18.1140398957,-0.000295528865681,1.47154939559,-0.000130780845012,74.6823596112,-0.000538114649882,5.29995970548 +0.22500000000000012,0.00927720033342,18.1140398957,-0.000378162338974,1.47154939559,-0.000185729491917,74.6823596112,-0.00050587962063,5.29995970548 +0.23000000000000012,0.00748421033777,18.1140398957,-0.000485620133823,1.47154939559,-0.000230815208826,74.6823596112,-0.000475612078806,5.29995970548 +0.23500000000000013,0.00598071199326,18.1140398957,-0.00063192175664,1.47154939559,-0.000271715511068,74.6823596112,-0.000447578011658,5.29995970548 +0.24000000000000013,0.00466930951582,18.1140398957,-0.000844176709398,1.47154939559,-0.000311657029419,74.6823596112,-0.000422177565884,5.29995970548 +0.24500000000000013,0.00347258368613,18.1140398957,-0.00118222912831,1.47154939559,-0.000353511008207,74.6823596112,-0.000399759603836,5.29995970548 +0.2500000000000001,0.00231116647826,18.1140398957,-0.00180883982079,1.47154939559,-0.00040049856492,74.6823596112,-0.000380567721625,5.29995970548 +0.2550000000000001,0.00106113257287,18.1140398957,-0.00337604978141,1.47154939559,-0.000456791594434,74.6823596112,-0.000364753384301,5.29995970548 +0.2600000000000001,-0.000626915008875,18.1140398957,-0.0143987962729,1.47154939559,-0.000528433674054,74.6823596112,-0.000352416452598,5.29995970548 +0.2650000000000001,0.00352361459995,18.1140398957,0.00757913834939,1.47154939559,-0.000625088077664,74.6823596112,-0.000343652846878,5.29995970548 +0.27000000000000013,0.00309556340049,18.1140398957,0.00321464300573,1.47154939559,-0.000763704239633,74.6823596112,-0.000338602174571,5.29995970548 +0.27500000000000013,0.00296576411942,18.1140398957,0.00212745915534,1.47154939559,-0.000976585668869,74.6823596112,-0.000337496012601,5.29995970548 +0.28000000000000014,0.00271832351988,18.1140398957,0.0016388103959,1.47154939559,-0.00132420760588,74.6823596112,-0.000340712471422,5.29995970548 +0.28500000000000014,0.00220482673868,18.1140398957,0.00136542790093,1.47154939559,-0.00167795411627,74.6823596112,-0.000348847094657,5.29995970548 +0.29000000000000015,0.000871360386332,18.1140398957,0.0011946998525,1.47154939559,40.4603300911,74.6823596112,-0.000362816690054,5.29995970548 +0.29500000000000015,0.00236294814641,18.1140398957,0.00108177403476,1.47154939559,-0.00653690035317,74.6823596112,-0.000384025252781,5.29995970548 +0.30000000000000016,0.00390520655844,18.1140398957,0.00100543370658,1.47154939559,-0.00285090021722,74.6823596112,-0.000414647713232,5.29995970548 +0.30500000000000016,0.0054831420096,18.1140398957,0.00095453558562,1.47154939559,-0.00191302566301,74.6823596112,-0.000458147300458,5.29995970548 +0.31000000000000016,0.00729343961795,18.1140398957,0.000922890332543,1.47154939559,-0.00153014547193,74.6823596112,-0.000520289330519,5.29995970548 +0.31500000000000017,0.00950633036283,18.1140398957,0.00090705749695,1.47154939559,-0.00136287195377,74.6823596112,-0.000611313517831,5.29995970548 +0.3200000000000002,0.0123486734947,18.1140398957,0.000905323674353,1.47154939559,-0.0013232871194,74.6823596112,-0.000751171124778,5.29995970548 +0.3250000000000002,0.0161734056215,18.1140398957,0.000917236627499,1.47154939559,-0.00140401191084,74.6823596112,-0.000984417811098,5.29995970548 +0.3300000000000002,0.0215797950807,18.1140398957,0.000943453359385,1.47154939559,-0.00167886086455,74.6823596112,-0.00143473252914,5.29995970548 +0.3350000000000002,0.0296691372204,18.1140398957,0.000985824293181,1.47154939559,-0.00252780276001,74.6823596112,-0.00262004186973,5.29995970548 +0.3400000000000002,0.0426607577457,18.1140398957,0.00104773598243,1.47154939559,-0.0104506225076,74.6823596112,-0.0131753327462,5.29995970548 +0.3450000000000002,0.0656011229113,18.1140398957,0.00113484559178,1.47154939559,0.00299110198804,74.6823596112,0.00464194250855,5.29995970548 +0.3500000000000002,0.112117833795,18.1140398957,0.00125654405373,1.47154939559,0.00104430948028,74.6823596112,0.00204646967562,5.29995970548 +0.3550000000000002,0.230474421669,18.1140398957,0.00142897051539,1.47154939559,0.000517723482752,74.6823596112,0.00134893540151,5.29995970548 +0.3600000000000002,0.706445446354,18.1140398957,0.00168175948258,1.47154939559,0.000261937290255,74.6823596112,0.0010286524863,5.29995970548 +0.3650000000000002,10.9285187228,18.1140398957,0.00207517469377,1.47154939559,6.46656203883e-05,74.6823596112,0.000846935177845,5.29995970548 +0.3700000000000002,-2.90821913048,18.1140398957,0.00275256289158,1.47154939559,0.000135760674843,74.6823596112,0.000731301536352,5.29995970548 +0.3750000000000002,-0.444734319339,18.1140398957,0.00415728879006,1.47154939559,0.000158603245476,74.6823596112,0.000652268359694,5.29995970548 +0.3800000000000002,-0.150439466856,18.1140398957,0.00867393718749,1.47154939559,0.000157680704577,74.6823596112,0.000595596424623,5.29995970548 +0.38500000000000023,-0.374245805346,18.1140398957,-0.0921291118819,1.47154939559,0.000144802639602,74.6823596112,0.00055357985653,5.29995970548 +0.39000000000000024,-0.0790816608773,18.1140398957,-0.00733293644918,1.47154939559,0.00012176574847,74.6823596112,0.000521699444625,5.29995970548 +0.39500000000000024,-0.049697750253,18.1140398957,-0.00384811342232,1.47154939559,8.31439619812e-05,74.6823596112,0.000497145339143,5.29995970548 +0.40000000000000024,-0.0349710574635,18.1140398957,-0.00263097491256,1.47154939559,5.24295176656e-05,74.6823596112,0.000478094984264,5.29995970548 +0.40500000000000025,-0.0260283557633,18.1140398957,-0.00201645120146,1.47154939559,0.000120071834581,74.6823596112,0.000463331601313,5.29995970548 +0.41000000000000025,-0.0200441892313,18.1140398957,-0.00164905252282,1.47154939559,0.000169100513913,74.6823596112,0.000452030023174,5.29995970548 +0.41500000000000026,-0.0157517428895,18.1140398957,-0.00140698939528,1.47154939559,0.000214616106269,74.6823596112,0.000443630799491,5.29995970548 +0.42000000000000026,-0.0124838481907,18.1140398957,-0.00123727535526,1.47154939559,0.000260689210315,74.6823596112,0.000437763852594,5.29995970548 +0.42500000000000027,-0.00984521402996,18.1140398957,-0.00111318804071,1.47154939559,0.000309798184377,74.6823596112,0.000434201691646,5.29995970548 +0.43000000000000027,-0.00756738407247,18.1140398957,-0.00101982281883,1.47154939559,0.000364155971745,74.6823596112,0.000432831513942,5.29995970548 +0.4350000000000003,-0.00541350777357,18.1140398957,-0.000948242326135,1.47154939559,0.000426185952896,74.6823596112,0.000433640513575,5.29995970548 +0.4400000000000003,-0.00297197068331,18.1140398957,-0.000892794715662,1.47154939559,0.000498784968073,74.6823596112,0.000436711667188,5.29995970548 +0.4450000000000003,-0.00255604145798,18.1140398957,-0.000849765967451,1.47154939559,0.000585366956605,74.6823596112,0.000442229317812,5.29995970548 +0.4500000000000003,-0.0042479287043,18.1140398957,-0.000816653454524,1.47154939559,0.000689051444459,74.6823596112,0.000450495719488,5.29995970548 +0.4550000000000003,-0.00511359110966,18.1140398957,-0.000791753123337,1.47154939559,0.000807776984968,74.6823596112,0.000461961924806,5.29995970548 +0.4600000000000003,-0.00552851171434,18.1140398957,-0.000773916252742,1.47154939559,0.000907015013557,74.6823596112,0.000477279765019,5.29995970548 +0.4650000000000003,-0.00549240849427,18.1140398957,-0.000762404050574,1.47154939559,0.000724299949098,74.6823596112,0.000497387555562,5.29995970548 +0.4700000000000003,-0.00475812245034,18.1140398957,-0.000756802905684,1.47154939559,-0.00302229050956,74.6823596112,0.000523653395103,5.29995970548 +0.4750000000000003,-0.00194599738688,18.1140398957,-0.000756981016245,1.47154939559,34.2332847565,74.6823596112,0.000558122975317,5.29995970548 +0.4800000000000003,-0.00581061912673,18.1140398957,-0.000763077453325,1.47154939559,0.0161704917093,74.6823596112,0.000603969664163,5.29995970548 +0.4850000000000003,-0.0101475500837,18.1140398957,-0.000775521894063,1.47154939559,0.00622528972353,74.6823596112,0.000666366575614,5.29995970548 +0.4900000000000003,-0.0129292295142,18.1140398957,-0.000795089926836,1.47154939559,0.00345570459676,74.6823596112,0.00075432447069,5.29995970548 +0.49500000000000033,-0.0134904377078,18.1140398957,-0.000817999706173,1.47154939559,0.00245463036373,74.6823596112,0.000817555209473,5.29995970548 From 639267df9cd5ba6afce9406a2fdcc65f80764f07 Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Wed, 21 Jul 2021 15:28:53 -0700 Subject: [PATCH 09/77] Added golded files for DSS xml --- .../Validation/gold/DSS/pp2_print_0.csv | 101 ++++++++++++++++++ .../Validation/gold/DSS/pp2_print_1.csv | 101 ++++++++++++++++++ .../Validation/gold/DSS/pp2_print_2.csv | 101 ++++++++++++++++++ .../Validation/gold/DSS/pp2_print_3.csv | 101 ++++++++++++++++++ .../Validation/gold/DSS/pp2_print_4.csv | 101 ++++++++++++++++++ .../Validation/gold/DSS/pp2_print_5.csv | 101 ++++++++++++++++++ .../Validation/gold/DSS/pp2_print_6.csv | 101 ++++++++++++++++++ .../Validation/gold/DSS/pp2_print_7.csv | 101 ++++++++++++++++++ .../Validation/gold/DSS/pp2_print_8.csv | 101 ++++++++++++++++++ .../Validation/gold/DSS/pp2_print_9.csv | 101 ++++++++++++++++++ 10 files changed, 1010 insertions(+) create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_0.csv create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_1.csv create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_2.csv create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_3.csv create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_4.csv create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_5.csv create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_6.csv create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_7.csv create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_8.csv create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_9.csv diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_0.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_0.csv new file mode 100644 index 0000000000..d8961a1fa9 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_0.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,0.0756901816043,24.887493332,-0.000351283270388,2.59700011532,0.0356012101676,53.1999350236,0.206070488345,4.78635605162 +0.005,0.0510745233206,24.887493332,-0.000385934668242,2.59700011532,0.0448169166406,53.1999350236,0.210768607572,4.78635605162 +0.01,0.0256194405153,24.887493332,-0.000406159113474,2.59700011532,0.052224344465,53.1999350236,0.204272609211,4.78635605162 +0.015,0.0150024229693,24.887493332,-0.000421393172979,2.59700011532,0.0516883771607,53.1999350236,0.20010519813,4.78635605162 +0.02,0.010257283552,24.887493332,-0.000432783299084,2.59700011532,0.0451798791812,53.1999350236,0.197573824791,4.78635605162 +0.025,0.00769231680981,24.887493332,-0.000441348962559,2.59700011532,0.0284060742231,53.1999350236,0.196261897457,4.78635605162 +0.030000000000000002,0.00612549904352,24.887493332,-0.000447943830224,2.59700011532,0.0336672365961,53.1999350236,0.195926608029,4.78635605162 +0.035,0.00507743437159,24.887493332,-0.000453262151306,2.59700011532,0.0629855379733,53.1999350236,0.196444243236,4.78635605162 +0.04,0.00431968056602,24.887493332,-0.000457866493304,2.59700011532,0.0894619720643,53.1999350236,0.19778161272,4.78635605162 +0.045,0.00372831979973,24.887493332,-0.000462222758356,2.59700011532,0.1172518338,53.1999350236,0.199984022056,4.78635605162 +0.049999999999999996,0.00322683934388,24.887493332,-0.000466735814408,2.59700011532,0.148479034567,53.1999350236,0.203176148606,4.78635605162 +0.05499999999999999,0.00275944130293,24.887493332,-0.000471783762648,2.59700011532,0.185378812568,53.1999350236,0.207576121419,4.78635605162 +0.05999999999999999,0.00227360608449,24.887493332,-0.00047775165284,2.59700011532,0.231060029877,53.1999350236,0.213527199795,4.78635605162 +0.06499999999999999,0.00169433633486,24.887493332,-0.000485067311788,2.59700011532,0.290431280096,53.1999350236,0.221557909815,4.78635605162 +0.06999999999999999,0.000772991562933,24.887493332,-0.000494243726694,2.59700011532,0.371943441596,53.1999350236,0.232494548059,4.78635605162 +0.075,0.00130283362855,24.887493332,-0.000505935007915,2.59700011532,0.491460016819,53.1999350236,0.24768026844,4.78635605162 +0.08,0.00199187521109,24.887493332,-0.000521017617242,2.59700011532,0.682094146904,53.1999350236,0.269434057245,4.78635605162 +0.085,0.00245409022898,24.887493332,-0.000540717719677,2.59700011532,1.02380596657,53.1999350236,0.302118525415,4.78635605162 +0.09000000000000001,0.00272598009733,24.887493332,-0.000566824621632,2.59700011532,1.75751674307,53.1999350236,0.355020324828,4.78635605162 +0.09500000000000001,0.00271172120559,24.887493332,-0.000602072646113,2.59700011532,3.96065102521,53.1999350236,0.452043262233,4.78635605162 +0.10000000000000002,0.0020653563727,24.887493332,-0.000650875572106,2.59700011532,22.063705504,53.1999350236,0.679238712152,4.78635605162 +0.10500000000000002,0.00211813443079,24.887493332,-0.000720868007637,2.59700011532,32.5016834277,53.1999350236,1.76335102388,4.78635605162 +0.11000000000000003,0.00483476705374,24.887493332,-0.000826525967792,2.59700011532,-13.8684083592,53.1999350236,-1.84767843252,4.78635605162 +0.11500000000000003,0.00772383018827,24.887493332,-0.000999095540335,2.59700011532,-2.46453702091,53.1999350236,-0.525372763748,4.78635605162 +0.12000000000000004,0.0111468044228,24.887493332,-0.00132091190976,2.59700011532,-0.944134639777,53.1999350236,-0.278401055973,4.78635605162 +0.12500000000000003,0.0151108859396,24.887493332,-0.00210251007708,2.59700011532,-0.459372384566,53.1999350236,-0.174801950313,4.78635605162 +0.13000000000000003,0.0171343953503,24.887493332,-0.00646411039937,2.59700011532,-0.248870152479,53.1999350236,-0.117764017075,4.78635605162 +0.13500000000000004,0.0350652053287,24.887493332,0.00483896441515,2.59700011532,-0.140697849216,53.1999350236,-0.0811959709455,4.78635605162 +0.14000000000000004,0.0423716405627,24.887493332,0.00164348920338,2.59700011532,-0.0787121176144,53.1999350236,-0.054939356815,4.78635605162 +0.14500000000000005,0.0556065274189,24.887493332,0.000952164683723,2.59700011532,-0.0402717597698,53.1999350236,-0.0339839519099,4.78635605162 +0.15000000000000005,0.0750741244315,24.887493332,0.000652717338428,2.59700011532,-0.0148647829393,53.1999350236,-0.0152581605846,4.78635605162 +0.15500000000000005,0.105121364985,24.887493332,0.000486276138869,2.59700011532,0.00289817867961,53.1999350236,0.00366434837427,4.78635605162 +0.16000000000000006,0.156661888365,24.887493332,0.000380003627249,2.59700011532,0.0159186133438,53.1999350236,0.0253281189163,4.78635605162 +0.16500000000000006,0.262367592272,24.887493332,0.00030521417449,2.59700011532,0.025571042223,53.1999350236,0.0531682521213,4.78635605162 +0.17000000000000007,0.564364908709,24.887493332,0.000248127467158,2.59700011532,0.0315872784201,53.1999350236,0.0927821259941,4.78635605162 +0.17500000000000007,2.5959579167,24.887493332,0.000201130085144,2.59700011532,0.0292029206784,53.1999350236,0.154754141223,4.78635605162 +0.18000000000000008,-16.475446849,24.887493332,0.000159525889875,2.59700011532,0.0358911787049,53.1999350236,0.262490035739,4.78635605162 +0.18500000000000008,-0.511783036992,24.887493332,0.000120133768726,2.59700011532,0.110684484186,53.1999350236,0.480628409477,4.78635605162 +0.19000000000000009,-0.10082323864,24.887493332,8.06091792099e-05,2.59700011532,0.287502181726,53.1999350236,1.07825811416,4.78635605162 +0.1950000000000001,-0.0217616071722,24.887493332,3.90793631522e-05,2.59700011532,1.76278846025,53.1999350236,6.44341026385,4.78635605162 +0.2000000000000001,0.0018057589186,24.887493332,-6.0783411812e-06,2.59700011532,-0.708546763109,53.1999350236,-2.77999234179,4.78635605162 +0.2050000000000001,0.00986119174713,24.887493332,-5.6395309412e-05,2.59700011532,-0.288768517405,53.1999350236,-1.4250988599,4.78635605162 +0.2100000000000001,0.0123886048682,24.887493332,-0.000113451921497,2.59700011532,-0.0453883904931,53.1999350236,-1.07480405018,4.78635605162 +0.2150000000000001,0.0126672479613,24.887493332,-0.000179031059276,2.59700011532,-0.216098228243,53.1999350236,-0.918928673398,4.78635605162 +0.2200000000000001,0.0119639992296,24.887493332,-0.000255316700686,2.59700011532,-0.303782296424,53.1999350236,-0.829882029715,4.78635605162 +0.22500000000000012,0.0108188848603,24.887493332,-0.000345181037066,2.59700011532,-0.376540448411,53.1999350236,-0.768590246102,4.78635605162 +0.23000000000000012,0.00947298486221,24.887493332,-0.000452632098144,2.59700011532,-0.444674685389,53.1999350236,-0.719533354007,4.78635605162 +0.23500000000000013,0.0080303460657,24.887493332,-0.000583556378394,2.59700011532,-0.511709354218,53.1999350236,-0.676086138182,4.78635605162 +0.24000000000000013,0.00652220624591,24.887493332,-0.00074703080616,2.59700011532,-0.580320553624,53.1999350236,-0.635687041334,4.78635605162 +0.24500000000000013,0.00492318860659,24.887493332,-0.000957812458771,2.59700011532,-0.65402690633,53.1999350236,-0.597721930261,4.78635605162 +0.2500000000000001,0.00309611593474,24.887493332,-0.00124149111194,2.59700011532,-0.738159324039,53.1999350236,-0.562420286285,4.78635605162 +0.2550000000000001,0.00120852123153,24.887493332,-0.00164639842495,2.59700011532,-0.841123459156,53.1999350236,-0.530264983882,4.78635605162 +0.2600000000000001,0.00296770830518,24.887493332,-0.00227557552413,2.59700011532,-0.976992971635,53.1999350236,-0.501711546802,4.78635605162 +0.2650000000000001,0.00346446876209,24.887493332,-0.00339370868859,2.59700011532,-1.17176767092,53.1999350236,-0.477092298472,4.78635605162 +0.27000000000000013,0.00311165177851,24.887493332,-0.0059459529095,2.59700011532,-1.48075094168,53.1999350236,-0.456618664681,4.78635605162 +0.27500000000000013,5.81181297004e-05,24.887493332,-0.017658799066,2.59700011532,-2.04846257485,53.1999350236,-0.440426219434,4.78635605162 +0.28000000000000014,0.00944333510943,24.887493332,0.023614750085,2.59700011532,-3.40557789309,53.1999350236,-0.428632720771,4.78635605162 +0.28500000000000014,0.00340829970713,24.887493332,0.00767066056605,2.59700011532,-3.11284671985,53.1999350236,-0.421397253632,4.78635605162 +0.29000000000000015,0.00465662583969,24.887493332,0.00479547193423,2.59700011532,-7.3226845792,53.1999350236,-0.418979551034,4.78635605162 +0.29500000000000015,0.00803485316173,24.887493332,0.00360288615197,2.59700011532,-2.89900743487,53.1999350236,-0.421805251145,4.78635605162 +0.30000000000000016,0.011317208785,24.887493332,0.00295953304001,2.59700011532,-1.81265725321,53.1999350236,-0.430548255252,4.78635605162 +0.30500000000000016,0.0150342971053,24.887493332,0.00256543644154,2.59700011532,-1.33509443051,53.1999350236,-0.446248610867,4.78635605162 +0.31000000000000016,0.0195367803603,24.887493332,0.00230729950188,2.59700011532,-1.07524607458,53.1999350236,-0.470497775671,4.78635605162 +0.31500000000000017,0.0252566844823,24.887493332,0.00213320374467,2.59700011532,-0.919444803615,53.1999350236,-0.505751070035,4.78635605162 +0.3200000000000002,0.0328467262745,24.887493332,0.00201640022284,2.59700011532,-0.823327239499,53.1999350236,-0.555889367891,4.78635605162 +0.3250000000000002,0.0433920010407,24.887493332,0.0019421605681,2.59700011532,-0.767055057191,53.1999350236,-0.627301579015,4.78635605162 +0.3300000000000002,0.0588411035857,24.887493332,0.00190225207722,2.59700011532,-0.742100920444,53.1999350236,-0.731155591538,4.78635605162 +0.3350000000000002,0.0830086530868,24.887493332,0.00189240571623,2.59700011532,-0.747384467914,53.1999350236,-0.888719562089,4.78635605162 +0.3400000000000002,0.12423731265,24.887493332,0.00191114377949,2.59700011532,-0.790619061756,53.1999350236,-1.14588760045,4.78635605162 +0.3450000000000002,0.203820698837,24.887493332,0.00195933974328,2.59700011532,-0.899404931831,53.1999350236,-1.62299653837,4.78635605162 +0.3500000000000002,0.390562922342,24.887493332,0.00204028979904,2.59700011532,-1.18152944757,53.1999350236,-2.76799848929,4.78635605162 +0.3550000000000002,1.02223133173,24.887493332,0.00216030007533,2.59700011532,-2.64941999732,53.1999350236,-8.84234636717,4.78635605162 +0.3600000000000002,6.9577971122,24.887493332,0.00233000990751,2.59700011532,1.20022386476,53.1999350236,8.04846171823,4.78635605162 +0.3650000000000002,-18.536899259,24.887493332,0.00256703619018,2.59700011532,0.458741195621,53.1999350236,2.87699372783,4.78635605162 +0.3700000000000002,-1.39066604189,24.887493332,0.0029013579004,2.59700011532,0.428452490342,53.1999350236,1.80260103173,4.78635605162 +0.3750000000000002,-0.461207455208,24.887493332,0.00338712026367,2.59700011532,0.362958187378,53.1999350236,1.34317089246,4.78635605162 +0.3800000000000002,-0.223731187001,24.887493332,0.00413170682114,2.59700011532,0.301055452763,53.1999350236,1.09124468109,4.78635605162 +0.38500000000000023,-0.128229841417,24.887493332,0.00538073173552,2.59700011532,0.240107113086,53.1999350236,0.93409620892,4.78635605162 +0.39000000000000024,-0.0784920119467,24.887493332,0.00784320725238,2.59700011532,0.170645997776,53.1999350236,0.828064963517,4.78635605162 +0.39500000000000024,-0.0431611488023,24.887493332,0.0147525608011,2.59700011532,0.0479569348817,53.1999350236,0.752702627484,4.78635605162 +0.40000000000000024,0.125171738448,24.887493332,0.133635902199,2.59700011532,0.157958083139,53.1999350236,0.697173708623,4.78635605162 +0.40500000000000025,-0.0584942984204,24.887493332,-0.0189855321451,2.59700011532,0.233609668151,53.1999350236,0.655219001313,4.78635605162 +0.41000000000000025,-0.037702725343,24.887493332,-0.00892863564252,2.59700011532,0.297743334418,53.1999350236,0.622989555054,4.78635605162 +0.41500000000000026,-0.027827106942,24.887493332,-0.00588638133755,2.59700011532,0.360227788464,53.1999350236,0.598008455715,4.78635605162 +0.42000000000000026,-0.0211987160476,24.887493332,-0.00442910916332,2.59700011532,0.42599152393,53.1999350236,0.57863048966,4.78635605162 +0.42500000000000027,-0.0160802276811,24.887493332,-0.00358152181559,2.59700011532,0.499061371088,53.1999350236,0.563742368813,4.78635605162 +0.43000000000000027,-0.0116739791922,24.887493332,-0.00303237055096,2.59700011532,0.583905567893,53.1999350236,0.552588046692,4.78635605162 +0.4350000000000003,-0.00728500366889,24.887493332,-0.00265158641512,2.59700011532,0.686486121185,53.1999350236,0.544663350089,4.78635605162 +0.4400000000000003,-0.00243291347265,24.887493332,-0.00237526997039,2.59700011532,0.815737263059,53.1999350236,0.539651413346,4.78635605162 +0.4450000000000003,-0.00696198428924,24.887493332,-0.00216842991751,2.59700011532,0.986299442514,53.1999350236,0.537383772652,4.78635605162 +0.4500000000000003,-0.00884851819847,24.887493332,-0.00201036354406,2.59700011532,1.22437969711,53.1999350236,0.537819018778,4.78635605162 +0.4550000000000003,-0.00981004369416,24.887493332,-0.00188810713602,2.59700011532,1.58201216785,53.1999350236,0.541034965552,4.78635605162 +0.4600000000000003,-0.0100218150295,24.887493332,-0.00179320090124,2.59700011532,2.17654305476,53.1999350236,0.547232998658,4.78635605162 +0.4650000000000003,-0.00925982419887,24.887493332,-0.0017199680688,2.59700011532,3.29135191908,53.1999350236,0.556755557551,4.78635605162 +0.4700000000000003,-0.00649167144982,24.887493332,-0.00166454644856,2.59700011532,-0.343367636509,53.1999350236,0.570120302197,4.78635605162 +0.4750000000000003,-0.00695375377574,24.887493332,-0.00162432127992,2.59700011532,18.3891004778,53.1999350236,0.588078304694,4.78635605162 +0.4800000000000003,-0.0147497845514,24.887493332,-0.00159758644143,2.59700011532,5.42949840841,53.1999350236,0.611710070066,4.78635605162 +0.4850000000000003,-0.0228537785489,24.887493332,-0.0015833449369,2.59700011532,3.20885144676,53.1999350236,0.642585338604,4.78635605162 +0.4900000000000003,-0.0280619238181,24.887493332,-0.00158120223415,2.59700011532,2.04560508739,53.1999350236,0.683037188758,4.78635605162 +0.49500000000000033,-0.0287684290134,24.887493332,-0.00160677194296,2.59700011532,1.49764431607,53.1999350236,0.715994577108,4.78635605162 diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_1.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_1.csv new file mode 100644 index 0000000000..0591a62545 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_1.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,0.774109933747,78.5323269828,-0.00111513031321,8.02406872151,0.00015699442728,21.1645936719,0.000388766220683,3.62270476039 +0.005,0.172934844167,78.5323269828,0.000312548594868,8.02406872151,0.000253790755873,21.1645936719,0.000478997467537,3.62270476039 +0.01,0.0434518775793,78.5323269828,9.33645706157e-05,8.02406872151,0.000389758416471,21.1645936719,0.00056805120926,3.62270476039 +0.015,0.019233004651,78.5323269828,5.94011493334e-05,8.02406872151,0.000486770043257,21.1645936719,0.000646124658721,3.62270476039 +0.02,0.0112138144262,78.5323269828,4.6202616342e-05,8.02406872151,0.000529134300053,21.1645936719,0.000713124729502,3.62270476039 +0.025,0.00757486755401,78.5323269828,3.95339280479e-05,8.02406872151,0.000474278984792,21.1645936719,0.000770415120738,3.62270476039 +0.030000000000000002,0.00559988445393,78.5323269828,3.57467616553e-05,8.02406872151,0.000152740369949,21.1645936719,0.000820287742045,3.62270476039 +0.035,0.004390795607,78.5323269828,3.34846745312e-05,8.02406872151,0.000797991250143,21.1645936719,0.000865542594222,3.62270476039 +0.04,0.00357888192657,78.5323269828,3.21335157958e-05,8.02406872151,0.00139258099056,21.1645936719,0.00090927581244,3.62270476039 +0.045,0.00298801637499,78.5323269828,3.13820403602e-05,8.02406872151,0.00213544322869,21.1645936719,0.000954896315223,3.62270476039 +0.049999999999999996,0.002522954625,78.5323269828,3.10643814811e-05,8.02406872151,0.00312433905151,21.1645936719,0.00100638290725,3.62270476039 +0.05499999999999999,0.00212519328404,78.5323269828,3.10947442252e-05,8.02406872151,0.00449128682363,21.1645936719,0.00106885498154,3.62270476039 +0.05999999999999999,0.00175195717774,78.5323269828,3.14383431158e-05,8.02406872151,0.00644420016217,21.1645936719,0.0011496907818,3.62270476039 +0.06499999999999999,0.00136101853355,78.5323269828,3.2099324124e-05,8.02406872151,0.00933486602648,21.1645936719,0.00126083041451,3.62270476039 +0.06999999999999999,0.000878087855177,78.5323269828,3.31188790748e-05,8.02406872151,0.0138014458706,21.1645936719,0.00142407700497,3.62270476039 +0.075,0.000466896928717,78.5323269828,3.45823471465e-05,8.02406872151,0.0211082874645,21.1645936719,0.00168536859298,3.62270476039 +0.08,0.00105539943751,78.5323269828,3.66384375052e-05,8.02406872151,0.0340932878574,21.1645936719,0.00216302079173,3.62270476039 +0.085,0.00136598259819,78.5323269828,3.95404879555e-05,8.02406872151,0.0605703170013,21.1645936719,0.00328710340681,3.62270476039 +0.09000000000000001,0.00153529464373,78.5323269828,4.37357620277e-05,8.02406872151,0.137405153594,21.1645936719,0.00883634014844,3.62270476039 +0.09500000000000001,0.00154146111344,78.5323269828,5.00760395577e-05,8.02406872151,0.212755471826,21.1645936719,-0.00846684654297,3.62270476039 +0.10000000000000002,0.00125478869626,78.5323269828,6.0390815383e-05,8.02406872151,1.5988061707,21.1645936719,-0.00250601690095,3.62270476039 +0.10500000000000002,0.000772175184071,78.5323269828,7.94364951969e-05,8.02406872151,-7.48669871307,21.1645936719,-0.00134643522011,3.62270476039 +0.11000000000000003,0.00223574857561,78.5323269828,0.000124632059843,8.02406872151,-0.413573575915,21.1645936719,-0.000855478667377,3.62270476039 +0.11500000000000003,0.00366331896809,78.5323269828,0.000352094517332,8.02406872151,-0.121052016172,21.1645936719,-0.000584330264464,3.62270476039 +0.12000000000000004,0.00481738095475,78.5323269828,-0.000336680273934,8.02406872151,-0.0503855034092,21.1645936719,-0.000410720594005,3.62270476039 +0.12500000000000003,0.00662913115137,78.5323269828,-0.000106374679546,8.02406872151,-0.0234170232593,21.1645936719,-0.000286946114568,3.62270476039 +0.13000000000000003,0.00866007541832,78.5323269828,-6.08457355132e-05,8.02406872151,-0.0107458842608,21.1645936719,-0.000189675836893,3.62270476039 +0.13500000000000004,0.0110758004082,78.5323269828,-4.15638099506e-05,8.02406872151,-0.0041603475582,21.1645936719,-0.000105003718329,3.62270476039 +0.14000000000000004,0.0140284466065,78.5323269828,-3.09727411283e-05,8.02406872151,-0.000617383138954,21.1645936719,-2.25654101801e-05,3.62270476039 +0.14500000000000005,0.0177699755735,78.5323269828,-2.42764214694e-05,8.02406872151,0.00124587128596,21.1645936719,6.76472198329e-05,3.62270476039 +0.15000000000000005,0.0227701859871,78.5323269828,-1.96176433169e-05,8.02406872151,0.00213169974396,21.1645936719,0.000178037706082,3.62270476039 +0.15500000000000005,0.0299926294325,78.5323269828,-1.61162762964e-05,8.02406872151,0.00244007370638,21.1645936719,0.000327303277569,3.62270476039 +0.16000000000000006,0.0416880551589,78.5323269828,-1.32927334511e-05,8.02406872151,0.00241168757692,21.1645936719,0.000548129320248,3.62270476039 +0.16500000000000006,0.0643186472701,78.5323269828,-1.08557501738e-05,8.02406872151,0.00218991014403,21.1645936719,0.000906013974106,3.62270476039 +0.17000000000000007,0.124719770968,78.5323269828,-8.61146363399e-06,8.02406872151,0.00184028567937,21.1645936719,0.00155620869662,3.62270476039 +0.17500000000000007,0.494938369974,78.5323269828,-6.41978064852e-06,8.02406872151,0.00126847297741,21.1645936719,0.00297767637778,3.62270476039 +0.18000000000000008,-2.46641065603,78.5323269828,-4.17133774529e-06,8.02406872151,0.00173926936988,21.1645936719,0.00772575298958,3.62270476039 +0.18500000000000008,-0.0414611869821,78.5323269828,-1.77413937144e-06,8.02406872151,-0.025561946542,21.1645936719,-0.11539011265,3.62270476039 +0.19000000000000009,0.00569319620955,78.5323269828,8.55060129221e-07,8.02406872151,-0.00146300939145,21.1645936719,-0.0100554509397,3.62270476039 +0.1950000000000001,0.011004902984,78.5323269828,3.79709063573e-06,8.02406872151,-0.000475864139573,21.1645936719,-0.00635126793396,3.62270476039 +0.2000000000000001,0.0108503108153,78.5323269828,7.13581055212e-06,8.02406872151,-0.000128654332099,21.1645936719,-0.00518006530933,3.62270476039 +0.2050000000000001,0.00969350347973,78.5323269828,1.09636231742e-05,8.02406872151,1.49277955888e-05,21.1645936719,-0.00467894362698,3.62270476039 +0.2100000000000001,0.00842420202358,78.5323269828,1.53879274562e-05,8.02406872151,4.02892302638e-05,21.1645936719,-0.0044476870953,3.62270476039 +0.2150000000000001,0.00724575947031,78.5323269828,2.05394988306e-05,8.02406872151,0.000191885884931,21.1645936719,-0.0043446838376,3.62270476039 +0.2200000000000001,0.00619304465914,78.5323269828,2.65841777047e-05,8.02406872151,0.000391175798864,21.1645936719,-0.0043045490451,3.62270476039 +0.22500000000000012,0.00525522371794,78.5323269828,3.37400009027e-05,8.02406872151,0.000673502363882,21.1645936719,-0.00429205403071,3.62270476039 +0.23000000000000012,0.00440922558223,78.5323269828,4.23033464715e-05,8.02406872151,0.00108776134503,21.1645936719,-0.00428710781864,3.62270476039 +0.23500000000000013,0.00362847465576,78.5323269828,5.26904309862e-05,8.02406872151,0.00170845633151,21.1645936719,-0.00427888014895,3.62270476039 +0.24000000000000013,0.00288251896262,78.5323269828,6.55060659113e-05,8.02406872151,0.00265234610929,21.1645936719,-0.004262899853,3.62270476039 +0.24500000000000013,0.002127734175,78.5323269828,8.16634197959e-05,8.02406872151,0.0041133507449,21.1645936719,-0.0042391343709,3.62270476039 +0.2500000000000001,0.001257759357,78.5323269828,0.000102605552429,8.02406872151,0.00643832583293,21.1645936719,-0.00421045589147,3.62270476039 +0.2550000000000001,0.000828378096761,78.5323269828,0.000130746825402,8.02406872151,0.010304266841,21.1645936719,-0.00418140075283,3.62270476039 +0.2600000000000001,0.00154019188196,78.5323269828,0.000170440017214,8.02406872151,0.0171821550257,21.1645936719,-0.00415725967944,3.62270476039 +0.2650000000000001,0.00187441428345,78.5323269828,0.000230381434784,8.02406872151,0.0307614176303,21.1645936719,-0.00414351845838,3.62270476039 +0.27000000000000013,0.00202193397403,78.5323269828,0.000330771307489,8.02406872151,0.0624826810512,21.1645936719,-0.00414561873163,3.62270476039 +0.27500000000000013,0.002001032412,78.5323269828,0.000531589183265,8.02406872151,0.163182566838,21.1645936719,-0.00416897908533,3.62270476039 +0.28000000000000014,0.00175329778763,78.5323269828,0.00112482219142,8.02406872151,0.841675558765,21.1645936719,-0.00421921817404,3.62270476039 +0.28500000000000014,0.00125269551862,78.5323269828,0.0359810627555,8.02406872151,-30.1715064164,21.1645936719,-0.00430254667581,3.62270476039 +0.29000000000000015,0.00173690674608,78.5323269828,-0.00139473398204,8.02406872151,-0.541470714699,21.1645936719,-0.0044263349351,3.62270476039 +0.29500000000000015,0.00310890477779,78.5323269828,-0.000737322863662,8.02406872151,-0.166181672723,21.1645936719,-0.00459991742035,3.62270476039 +0.30000000000000016,0.00456146898278,78.5323269828,-0.00052674979752,8.02406872151,-0.0829631693218,21.1645936719,-0.00483577503259,3.62270476039 +0.30500000000000016,0.00628601499582,78.5323269828,-0.000425524249225,8.02406872151,-0.0512147337907,21.1645936719,-0.00515137300595,3.62270476039 +0.31000000000000016,0.00845797610112,78.5323269828,-0.000368150791594,8.02406872151,-0.0356827739788,21.1645936719,-0.00557219787766,3.62270476039 +0.31500000000000017,0.0113216825999,78.5323269828,-0.0003331746523,8.02406872151,-0.0269350413193,21.1645936719,-0.00613710629019,3.62270476039 +0.3200000000000002,0.015267935443,78.5323269828,-0.000311603763873,8.02406872151,-0.0215737276619,21.1645936719,-0.00690843116545,3.62270476039 +0.3250000000000002,0.0209754548459,78.5323269828,-0.00029913248091,8.02406872151,-0.0181422611288,21.1645936719,-0.00799273681681,3.62270476039 +0.3300000000000002,0.0297210356289,78.5323269828,-0.000293590171994,8.02406872151,-0.0159619678347,21.1645936719,-0.00958820041251,3.62270476039 +0.3350000000000002,0.0441503928111,78.5323269828,-0.000293955979829,8.02406872151,-0.0147516320894,21.1645936719,-0.0121094126143,3.62270476039 +0.3400000000000002,0.0705032247119,78.5323269828,-0.00029995850538,8.02406872151,-0.0145712178054,21.1645936719,-0.0165925304479,3.62270476039 +0.3450000000000002,0.126536483196,78.5323269828,-0.000311949955848,8.02406872151,-0.016262292345,21.1645936719,-0.0265554172213,3.62270476039 +0.3500000000000002,0.280803513005,78.5323269828,-0.000330964255244,8.02406872151,-0.0265280222762,21.1645936719,-0.066497609455,3.62270476039 +0.3550000000000002,1.02324913362,78.5323269828,-0.000358979521713,8.02406872151,0.0298908562968,21.1645936719,0.136708832882,3.62270476039 +0.3600000000000002,80.1685866409,78.5323269828,-0.000399528825841,8.02406872151,0.00187240234695,21.1645936719,0.0343043054976,3.62270476039 +0.3650000000000002,-1.79519173079,78.5323269828,-0.000459072822812,8.02406872151,0.0027974550452,21.1645936719,0.0199018342634,3.62270476039 +0.3700000000000002,-0.396905209568,78.5323269828,-0.000550354811098,8.02406872151,0.00196447877021,21.1645936719,0.0142027898753,3.62270476039 +0.3750000000000002,-0.172007319674,78.5323269828,-0.000701977803126,8.02406872151,0.00121110983051,21.1645936719,0.0111763984294,3.62270476039 +0.3800000000000002,-0.0968649163453,78.5323269828,-0.00099349891318,8.02406872151,0.00061232574077,21.1645936719,0.00931878570727,3.62270476039 +0.38500000000000023,-0.0636563968426,78.5323269828,-0.00175835669441,8.02406872151,0.000167538565504,21.1645936719,0.00807685474333,3.62270476039 +0.39000000000000024,-0.0561966955212,78.5323269828,-0.00856322755607,8.02406872151,-8.0456588826e-05,21.1645936719,0.00719971537706,3.62270476039 +0.39500000000000024,-0.0260206570271,78.5323269828,0.00291043543761,8.02406872151,-0.000288516079035,21.1645936719,0.00655732455789,3.62270476039 +0.40000000000000024,-0.0213502799877,78.5323269828,0.00123939077254,8.02406872151,-0.000876677291258,21.1645936719,0.00607577941537,3.62270476039 +0.40500000000000025,-0.016899092494,78.5323269828,0.000788878127904,8.02406872151,-0.0017178654172,21.1645936719,0.00571021259275,3.62270476039 +0.41000000000000025,-0.0134051383915,78.5323269828,0.000581133294843,8.02406872151,-0.00289031251364,21.1645936719,0.0054320610037,3.62270476039 +0.41500000000000026,-0.0106196180657,78.5323269828,0.00046265549946,8.02406872151,-0.00452348561758,21.1645936719,0.00522255321938,3.62270476039 +0.42000000000000026,-0.00830333105079,78.5323269828,0.000386842345636,8.02406872151,-0.00682983486137,21.1645936719,0.00506915740742,3.62270476039 +0.42500000000000027,-0.0062597143635,78.5323269828,0.000334748408515,8.02406872151,-0.0101640037956,21.1645936719,0.00496355398608,3.62270476039 +0.43000000000000027,-0.00428053116836,78.5323269828,0.000297231742542,8.02406872151,-0.0151430112141,21.1645936719,0.00490045113692,3.62270476039 +0.4350000000000003,-0.00183094244122,78.5323269828,0.000269350407586,8.02406872151,-0.0229061424782,21.1645936719,0.00487690217277,3.62270476039 +0.4400000000000003,-0.00273321375559,78.5323269828,0.00024820979193,8.02406872151,-0.0357308620284,21.1645936719,0.00489195140857,3.62270476039 +0.4450000000000003,-0.00388360453739,78.5323269828,0.000232012825754,8.02406872151,-0.0586844015204,21.1645936719,0.00494652670219,3.62270476039 +0.4500000000000003,-0.00445348727543,78.5323269828,0.000219596381833,8.02406872151,-0.104878587617,21.1645936719,0.00504355611419,3.62270476039 +0.4550000000000003,-0.0046422237846,78.5323269828,0.000210187123956,8.02406872151,-0.217029543586,21.1645936719,0.00518833724011,3.62270476039 +0.4600000000000003,-0.00441220704131,78.5323269828,0.000203265440004,8.02406872151,-0.603815420293,21.1645936719,0.00538925015073,3.62270476039 +0.4650000000000003,-0.00346569189527,78.5323269828,0.000198486694994,8.02406872151,-4.0640633147,21.1645936719,0.00565900476547,3.62270476039 +0.4700000000000003,-0.00191015692685,78.5323269828,0.000195635089853,8.02406872151,17.9868344846,21.1645936719,0.00601680122675,3.62270476039 +0.4750000000000003,-0.00569507867241,78.5323269828,0.000194597602017,8.02406872151,1.19241195807,21.1645936719,0.00649217227692,3.62270476039 +0.4800000000000003,-0.00910691494635,78.5323269828,0.00019535171858,8.02406872151,0.416943814092,21.1645936719,0.00713216163498,3.62270476039 +0.4850000000000003,-0.0130557612771,78.5323269828,0.000197964290948,8.02406872151,0.219083602994,21.1645936719,0.00801569461804,3.62270476039 +0.4900000000000003,-0.0154658754364,78.5323269828,0.000202601458671,8.02406872151,0.122663915599,21.1645936719,0.00928513779775,3.62270476039 +0.49500000000000033,-0.015404620316,78.5323269828,0.00020681289425,8.02406872151,0.0837281391226,21.1645936719,0.0101591584241,3.62270476039 diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_2.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_2.csv new file mode 100644 index 0000000000..91a45e91ad --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_2.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,-0.0499281922006,37.767391036,0.00214950159842,4.28650302037,1.48043773097e-06,153.440198563,-2.78869210709e-06,15.4153269263 +0.005,-0.108821350709,37.767391036,0.00344512627925,4.28650302037,1.92343383019e-06,153.440198563,-3.78745340746e-06,15.4153269263 +0.01,-2.80127775886,37.767391036,-0.0154495882567,4.28650302037,1.53098863678e-06,153.440198563,-4.83741886226e-06,15.4153269263 +0.015,0.666352304377,37.767391036,-0.00270493401925,4.28650302037,1.90085196915e-06,153.440198563,-5.79512180408e-06,15.4153269263 +0.02,0.105537707351,37.767391036,-0.00161203987177,4.28650302037,3.32599773558e-06,153.440198563,-6.63492581009e-06,15.4153269263 +0.025,0.0431344458161,37.767391036,-0.00122160618589,4.28650302037,4.40380458328e-06,153.440198563,-7.35165063744e-06,15.4153269263 +0.030000000000000002,0.0243318377974,37.767391036,-0.0010306546398,4.28650302037,5.17246201225e-06,153.440198563,-7.95660994721e-06,15.4153269263 +0.035,0.0161802116007,37.767391036,-0.000923652027417,4.28650302037,5.32498316785e-06,153.440198563,-8.47174651242e-06,15.4153269263 +0.04,0.0118771511525,37.767391036,-0.00085975689653,4.28650302037,3.63941540802e-06,153.440198563,-8.92454004322e-06,15.4153269263 +0.045,0.00929529622336,37.767391036,-0.000820975161398,4.28650302037,6.48621474724e-06,153.440198563,-9.3449510607e-06,15.4153269263 +0.049999999999999996,0.00759070348954,37.767391036,-0.000798295647998,4.28650302037,1.3658071887e-05,153.440198563,-9.76461077415e-06,15.4153269263 +0.05499999999999999,0.00636976921521,37.767391036,-0.000786888171608,4.28650302037,2.28305802338e-05,153.440198563,-1.02181231591e-05,15.4153269263 +0.05999999999999999,0.00542383077465,37.767391036,-0.000784147860477,4.28650302037,3.54369772377e-05,153.440198563,-1.07466180944e-05,15.4153269263 +0.06499999999999999,0.00462768310852,37.767391036,-0.000788818411715,4.28650302037,5.3214686841e-05,153.440198563,-1.14045547185e-05,15.4153269263 +0.06999999999999999,0.00389360580876,37.767391036,-0.00080059531129,4.28650302037,7.8766485877e-05,153.440198563,-1.22726906907e-05,15.4153269263 +0.075,0.00314310405167,37.767391036,-0.000819987724073,4.28650302037,0.000116258353714,153.440198563,-1.34849615832e-05,15.4153269263 +0.08,0.00226732731421,37.767391036,-0.000848368466594,4.28650302037,0.000172710528439,153.440198563,-1.52914860661e-05,15.4153269263 +0.085,0.000856688329193,37.767391036,-0.000888228880415,4.28650302037,0.000260628405531,153.440198563,-1.82327415937e-05,15.4153269263 +0.09000000000000001,0.00183568332738,37.767391036,-0.000943751981274,4.28650302037,0.000403597002242,153.440198563,-2.37528099707e-05,15.4153269263 +0.09500000000000001,0.00264621581141,37.767391036,-0.00102200341102,4.28650302037,0.000645816804441,153.440198563,-3.74874734818e-05,15.4153269263 +0.10000000000000002,0.00312285344438,37.767391036,-0.00113551387155,4.28650302037,0.000916181838688,153.440198563,-0.000125172028078,15.4153269263 +0.10500000000000002,0.00330033104617,37.767391036,-0.00130846731198,4.28650302037,0.0031709156581,153.440198563,6.80776138803e-05,15.4153269263 +0.11000000000000003,0.00305357249322,37.767391036,-0.00159401185415,4.28650302037,0.0092741572586,153.440198563,2.3630670193e-05,15.4153269263 +0.11500000000000003,0.00192066846575,37.767391036,-0.00213582689044,4.28650302037,0.184535236178,153.440198563,1.31146173897e-05,15.4153269263 +0.12000000000000004,0.00252956428232,37.767391036,-0.00350365660164,4.28650302037,-0.0261601202469,153.440198563,8.43267598045e-06,15.4153269263 +0.12500000000000003,0.00197195699887,37.767391036,-0.0128058571372,4.28650302037,-0.00407839423995,153.440198563,5.78128280747e-06,15.4153269263 +0.13000000000000003,0.0119156742882,37.767391036,0.0064905335384,4.28650302037,-0.00136658922718,153.440198563,4.05421618831e-06,15.4153269263 +0.13500000000000004,0.013671245455,37.767391036,0.0024343989044,4.28650302037,-0.000561531221493,153.440198563,2.8037103852e-06,15.4153269263 +0.14000000000000004,0.0169855507165,37.767391036,0.00144628153041,4.28650302037,-0.000233033923817,153.440198563,1.80407295399e-06,15.4153269263 +0.14500000000000005,0.0210482642293,37.767391036,0.00100434732335,4.28650302037,-7.82755721773e-05,153.440198563,9.15992711228e-07,15.4153269263 +0.15000000000000005,0.0258835576537,37.767391036,0.000755025231215,4.28650302037,-1.7285453844e-06,153.440198563,3.07115919595e-08,15.4153269263 +0.15500000000000005,0.0317078406287,37.767391036,0.000594637268036,4.28650302037,3.48615386997e-05,153.440198563,-9.62513297606e-07,15.4153269263 +0.16000000000000006,0.03896086226,37.767391036,0.000481492502845,4.28650302037,4.95564952756e-05,153.440198563,-2.20761666073e-06,15.4153269263 +0.16500000000000006,0.0484979384313,37.767391036,0.000395330321375,4.28650302037,5.19049338564e-05,153.440198563,-3.9299302102e-06,15.4153269263 +0.17000000000000007,0.0620887853646,37.767391036,0.000324893762769,4.28650302037,4.72752726694e-05,153.440198563,-6.53687252305e-06,15.4153269263 +0.17500000000000007,0.0838925432036,37.767391036,0.000263230775606,4.28650302037,3.86756477784e-05,153.440198563,-1.08771768008e-05,15.4153269263 +0.18000000000000008,0.126109101157,37.767391036,0.000205642022718,4.28650302037,2.75555601199e-05,153.440198563,-1.90800002131e-05,15.4153269263 +0.18500000000000008,0.243272898987,37.767391036,0.000148680404437,4.28650302037,1.39478669348e-05,153.440198563,-3.84293742393e-05,15.4153269263 +0.19000000000000009,1.25320061527,37.767391036,8.96142018957e-05,4.28650302037,-4.26359975484e-06,153.440198563,-0.000120753657011,15.4153269263 +0.1950000000000001,-0.328279795372,37.767391036,2.61089979965e-05,4.28650302037,6.32719894207e-05,153.440198563,0.000281470696544,15.4153269263 +0.2000000000000001,0.0566244476106,37.767391036,-4.39845116188e-05,4.28650302037,4.27397326215e-05,153.440198563,8.84294864703e-05,15.4153269263 +0.2050000000000001,0.0514053505134,37.767391036,-0.000122794909578,4.28650302037,4.0516001398e-05,153.440198563,6.14787929997e-05,15.4153269263 +0.2100000000000001,0.0405028662944,37.767391036,-0.000212581686572,4.28650302037,3.81748740252e-05,153.440198563,5.17038603202e-05,15.4153269263 +0.2150000000000001,0.0321067659877,37.767391036,-0.000315900981059,4.28650302037,3.36695540624e-05,153.440198563,4.71889229888e-05,15.4153269263 +0.2200000000000001,0.0258403274918,37.767391036,-0.00043581283209,4.28650302037,2.4387399431e-05,153.440198563,4.4875060237e-05,15.4153269263 +0.22500000000000012,0.0210417485375,37.767391036,-0.000576165408484,4.28650302037,1.57630978935e-05,153.440198563,4.35861729715e-05,15.4153269263 +0.23000000000000012,0.0172488698855,37.767391036,-0.000742009822369,4.28650302037,3.90452419768e-05,153.440198563,4.27615567712e-05,15.4153269263 +0.23500000000000013,0.0141582984866,37.767391036,-0.000940234887552,4.28650302037,5.85822401439e-05,153.440198563,4.21069168398e-05,15.4153269263 +0.24000000000000013,0.0115667017187,37.767391036,-0.00118058169524,4.28650302037,7.93280986529e-05,153.440198563,4.14713402758e-05,15.4153269263 +0.24500000000000013,0.00933193577921,37.767391036,-0.00147734237755,4.28650302037,0.00010323904041,153.440198563,4.07922860834e-05,15.4153269263 +0.2500000000000001,0.00734854275724,37.767391036,-0.00185236098997,4.28650302037,0.000132353675386,153.440198563,4.00634095801e-05,15.4153269263 +0.2550000000000001,0.00553004791768,37.767391036,-0.00234068708837,4.28650302037,0.000169564909451,153.440198563,3.93118213766e-05,15.4153269263 +0.2600000000000001,0.00378746557468,37.767391036,-0.00300211254591,4.28650302037,0.000219516980964,153.440198563,3.85814626358e-05,15.4153269263 +0.2650000000000001,0.00194455333851,37.767391036,-0.00394726388461,4.28650302037,0.000290298928418,153.440198563,3.79219324726e-05,15.4153269263 +0.27000000000000013,0.00138630396449,37.767391036,-0.00540542120334,4.28650302037,0.000397224923975,153.440198563,3.73821990832e-05,15.4153269263 +0.27500000000000013,0.00175262947416,37.767391036,-0.00794025570953,4.28650302037,0.000572450985139,153.440198563,3.70082269142e-05,15.4153269263 +0.28000000000000014,0.000671392420297,37.767391036,-0.0134048916244,4.28650302037,0.000893718572204,153.440198563,3.68434041146e-05,15.4153269263 +0.28500000000000014,-0.0046774271677,37.767391036,-0.0335288065715,4.28650302037,0.00159265948961,153.440198563,3.69308396882e-05,15.4153269263 +0.29000000000000015,0.0317778653141,37.767391036,0.108292813634,4.28650302037,0.00365085181784,153.440198563,3.73169772657e-05,15.4153269263 +0.29500000000000015,0.00818339475296,37.767391036,0.0231436754672,4.28650302037,0.0161638728405,153.440198563,3.80564183044e-05,15.4153269263 +0.30000000000000016,0.00111412560967,37.767391036,0.0137808997325,4.28650302037,-0.884787886606,153.440198563,3.9218335031e-05,15.4153269263 +0.30500000000000016,0.00694290356226,37.767391036,0.0102407538624,4.28650302037,-0.00939532288541,153.440198563,4.08954655535e-05,15.4153269263 +0.31000000000000016,0.010493995504,37.767391036,0.00842291698246,4.28650302037,-0.00249837948379,153.440198563,4.32176408333e-05,15.4153269263 +0.31500000000000017,0.0141331036889,37.767391036,0.00735357855299,4.28650302037,-0.00108921245228,153.440198563,4.6373574815e-05,15.4153269263 +0.3200000000000002,0.0183727680949,37.767391036,0.00668439911726,4.28650302037,-0.000581338912779,153.440198563,5.06483583235e-05,15.4153269263 +0.3250000000000002,0.0236396025607,37.767391036,0.00626172773479,4.28650302037,-0.000342494060474,153.440198563,5.64925313104e-05,15.4153269263 +0.3300000000000002,0.0304957537778,37.767391036,0.0060093926315,4.28650302037,-0.000209953796173,153.440198563,6.46596457532e-05,15.4153269263 +0.3350000000000002,0.0398163176516,37.767391036,0.00588786205733,4.28650302037,-0.000126330020937,153.440198563,7.65079974373e-05,15.4153269263 +0.3400000000000002,0.0530915153608,37.767391036,0.00587779409205,4.28650302037,-6.63151602054e-05,153.440198563,9.47525643711e-05,15.4153269263 +0.3450000000000002,0.0730701399213,37.767391036,0.0059730818723,4.28650302037,-1.51946100957e-05,153.440198563,0.000125710933657,15.4153269263 +0.3500000000000002,0.105319260008,37.767391036,0.00617843981787,4.28650302037,4.26696601349e-05,153.440198563,0.000188221448848,15.4153269263 +0.3550000000000002,0.162593654311,37.767391036,0.00650996412315,4.28650302037,0.000157569681522,153.440198563,0.000375039417191,15.4153269263 +0.3600000000000002,0.279772888882,37.767391036,0.00699877288072,4.28650302037,0.0098837259003,153.440198563,0.0196652331057,15.4153269263 +0.3650000000000002,0.583338306626,37.767391036,0.00769949424298,4.28650302037,-0.000198084213264,153.440198563,-0.000399736267412,15.4153269263 +0.3700000000000002,1.86574241185,37.767391036,0.00870860844522,4.28650302037,-8.02869790213e-05,153.440198563,-0.000201481595308,15.4153269263 +0.3750000000000002,42.3579811861,37.767391036,0.0102064301858,4.28650302037,-1.3156166492e-05,153.440198563,-0.00013678925093,15.4153269263 +0.3800000000000002,-5.26716178934,37.767391036,0.0125657200952,4.28650302037,-4.4608825145e-05,153.440198563,-0.000104990825304,15.4153269263 +0.38500000000000023,-0.889900805818,37.767391036,0.0166922695136,4.28650302037,-5.34329932638e-05,153.440198563,-8.62734355043e-05,15.4153269263 +0.39000000000000024,-0.304090368719,37.767391036,0.0254915046914,4.28650302037,-5.57381594146e-05,153.440198563,-7.40790823169e-05,15.4153269263 +0.39500000000000024,-0.0573578413862,37.767391036,0.0561239913279,4.28650302037,-5.41865304024e-05,153.440198563,-6.56105929421e-05,15.4153269263 +0.40000000000000024,-0.693730232489,37.767391036,-0.246683611764,4.28650302037,-4.84623702636e-05,153.440198563,-5.94757357043e-05,15.4153269263 +0.40500000000000025,-0.164279761324,37.767391036,-0.0382846008641,4.28650302037,-3.50507135296e-05,153.440198563,-5.49054663602e-05,15.4153269263 +0.41000000000000025,-0.0999385766782,37.767391036,-0.0207791318521,4.28650302037,-2.59158836574e-05,153.440198563,-5.14422667378e-05,15.4153269263 +0.41500000000000026,-0.0698826288974,37.767391036,-0.0143215945081,4.28650302037,-6.1613094492e-05,153.440198563,-4.87989196164e-05,15.4153269263 +0.42000000000000026,-0.0518196747833,37.767391036,-0.0109904218024,4.28650302037,-9.44605561698e-05,153.440198563,-4.67881738629e-05,15.4153269263 +0.42500000000000027,-0.0396054744386,37.767391036,-0.00897650633767,4.28650302037,-0.000132038605754,153.440198563,-4.52851213661e-05,15.4153269263 +0.43000000000000027,-0.030669772508,37.767391036,-0.00764130095923,4.28650302037,-0.000178513875608,153.440198563,-4.42059756702e-05,15.4153269263 +0.4350000000000003,-0.0236836984137,37.767391036,-0.00670217276586,4.28650302037,-0.000238905931645,153.440198563,-4.34956821917e-05,15.4153269263 +0.4400000000000003,-0.0178336157332,37.767391036,-0.00601499611813,4.28650302037,-0.000320699620659,153.440198563,-4.31206222862e-05,15.4153269263 +0.4450000000000003,-0.0124729552851,37.767391036,-0.00549878952213,4.28650302037,-0.000436162799237,153.440198563,-4.30644970741e-05,15.4153269263 +0.4500000000000003,-0.0065709238374,37.767391036,-0.00510476779296,4.28650302037,-0.000606930495375,153.440198563,-4.33264233714e-05,15.4153269263 +0.4550000000000003,-0.00599985403089,37.767391036,-0.00480201464787,4.28650302037,-0.000874311714594,153.440198563,-4.39208298679e-05,15.4153269263 +0.4600000000000003,-0.00954601659704,37.767391036,-0.0045702320651,4.28650302037,-0.00132544503602,153.440198563,-4.48791454024e-05,15.4153269263 +0.4650000000000003,-0.0112455781012,37.767391036,-0.00439581577765,4.28650302037,-0.00217082289174,153.440198563,-4.62536743346e-05,15.4153269263 +0.4700000000000003,-0.0119359941745,37.767391036,-0.00426962454311,4.28650302037,-0.0040312798916,153.440198563,-4.81246088084e-05,15.4153269263 +0.4750000000000003,-0.0116562165228,37.767391036,-0.00418567497193,4.28650302037,-0.00945788743967,153.440198563,-5.06120757773e-05,15.4153269263 +0.4800000000000003,-0.00993698502416,37.767391036,-0.00414037944419,4.28650302037,-0.0396906266945,153.440198563,-5.38969552789e-05,15.4153269263 +0.4850000000000003,-0.00404605115942,37.767391036,-0.00413213174602,4.28650302037,154.150605696,153.440198563,-5.82581034752e-05,15.4153269263 +0.4900000000000003,-0.00998731207677,37.767391036,-0.00416114504231,4.28650302037,0.034118947356,153.440198563,-6.41425967643e-05,15.4153269263 +0.49500000000000033,-0.0128971436753,37.767391036,-0.00421966639005,4.28650302037,0.0125953353559,153.440198563,-6.81736548532e-05,15.4153269263 diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_3.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_3.csv new file mode 100644 index 0000000000..b316e2699f --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_3.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,-0.697504916097,44.0357167442,0.000187067290355,4.26023895104,-2.11276592754e-05,89.5779339625,-0.000285845842716,6.37493074725 +0.005,-0.0937961442649,44.0357167442,-0.0107945042615,4.26023895104,-3.92865465678e-05,89.5779339625,-0.000364488540017,6.37493074725 +0.01,0.0146841058889,44.0357167442,-9.71177503994e-05,4.26023895104,-6.67856771506e-05,89.5779339625,-0.000443156077267,6.37493074725 +0.015,0.00506653565941,44.0357167442,-5.33732447477e-05,4.26023895104,-8.62016576422e-05,89.5779339625,-0.000512069162707,6.37493074725 +0.02,0.00264912003481,44.0357167442,-3.93028795981e-05,4.26023895104,-9.26173409153e-05,89.5779339625,-0.000570402317613,6.37493074725 +0.025,0.00168680153944,44.0357167442,-3.26829677854e-05,4.26023895104,-8.30889723401e-05,89.5779339625,-0.000618795490168,6.37493074725 +0.030000000000000002,0.00120431279303,44.0357167442,-2.90367763534e-05,4.26023895104,-4.79002520117e-05,89.5779339625,-0.000658842799678,6.37493074725 +0.035,0.000924973573352,44.0357167442,-2.68683093569e-05,4.26023895104,-6.63160867215e-05,89.5779339625,-0.000692611654596,6.37493074725 +0.04,0.00074556549366,44.0357167442,-2.55379784572e-05,4.26023895104,-0.000106803672211,89.5779339625,-0.00072232082436,6.37493074725 +0.045,0.000620054135386,44.0357167442,-2.47300438834e-05,4.26023895104,-0.000127260851072,89.5779339625,-0.000750198057986,6.37493074725 +0.049999999999999996,0.000524915785644,44.0357167442,-2.42749694187e-05,4.26023895104,-0.000126106445899,89.5779339625,-0.000778489952812,6.37493074725 +0.05499999999999999,0.000446506998059,44.0357167442,-2.40785835079e-05,4.26023895104,-9.45463572758e-05,89.5779339625,-0.000809598180607,6.37493074725 +0.05999999999999999,0.000375594130202,44.0357167442,-2.40903563519e-05,4.26023895104,-1.65922809e-05,89.5779339625,-0.000846347883827,6.37493074725 +0.06499999999999999,0.000304218800638,44.0357167442,-2.42883489049e-05,4.26023895104,0.000135747532565,89.5779339625,-0.000892453698131,6.37493074725 +0.06999999999999999,0.000221835612996,44.0357167442,-2.4672418092e-05,4.26023895104,0.000413231845106,89.5779339625,-0.000953366778074,6.37493074725 +0.075,9.2770565207e-05,44.0357167442,-2.52624422277e-05,4.26023895104,0.00091376853062,89.5779339625,-0.001037969938,6.37493074725 +0.08,0.000173172894743,44.0357167442,-2.61007254317e-05,4.26023895104,0.00184345477911,89.5779339625,-0.00116240376062,6.37493074725 +0.085,0.000255676889715,44.0357167442,-2.72594468592e-05,4.26023895104,0.00369298428297,89.5779339625,-0.00136012060659,6.37493074725 +0.09000000000000001,0.000305994644935,44.0357167442,-2.88562660331e-05,4.26023895104,0.00786265864931,89.5779339625,-0.00171461681719,6.37493074725 +0.09500000000000001,0.000326642852658,44.0357167442,-3.10857518336e-05,4.26023895104,0.0196849658811,89.5779339625,-0.00251090325498,6.37493074725 +0.10000000000000002,0.000299811467444,44.0357167442,-3.42857835574e-05,4.26023895104,0.072195401223,89.5779339625,-0.00577866461621,6.37493074725 +0.10500000000000002,0.000134961152106,44.0357167442,-3.90918580476e-05,4.26023895104,59.6980859328,89.5779339625,0.00984455394909,6.37493074725 +0.11000000000000003,0.000386021399898,44.0357167442,-4.68508068181e-05,4.26023895104,-0.14193230949,89.5779339625,0.00228496629479,6.37493074725 +0.11500000000000003,0.000689017368324,44.0357167442,-6.09976586018e-05,4.26023895104,-0.0323262493585,89.5779339625,0.00117371403423,6.37493074725 +0.12000000000000004,0.00102175449744,44.0357167442,-9.36654095125e-05,4.26023895104,-0.0132653728221,89.5779339625,0.000729645787486,6.37493074725 +0.12500000000000003,0.0013483939446,44.0357167442,-0.000240809435488,4.26023895104,-0.00662492545004,89.5779339625,0.000490726533187,6.37493074725 +0.13000000000000003,0.00225972652341,44.0357167442,0.000312906657587,4.26023895104,-0.00353345960159,89.5779339625,0.00033995371488,6.37493074725 +0.13500000000000004,0.00276334008842,44.0357167442,8.79609596538e-05,4.26023895104,-0.00186443481341,89.5779339625,0.000233288254922,6.37493074725 +0.14000000000000004,0.00357504670606,44.0357167442,4.91331111265e-05,4.26023895104,-0.000897577524816,89.5779339625,0.000149619168864,6.37493074725 +0.14500000000000005,0.00465976804457,44.0357167442,3.31771549351e-05,4.26023895104,-0.000330318804864,89.5779339625,7.64550608065e-05,6.37493074725 +0.15000000000000005,0.00614778533549,44.0357167442,2.45300381279e-05,4.26023895104,-1.29353018048e-05,89.5779339625,4.40631399263e-06,6.37493074725 +0.15500000000000005,0.00831850845749,44.0357167442,1.90996554934e-05,4.26023895104,0.000139727800254,89.5779339625,-7.58221086535e-05,6.37493074725 +0.16000000000000006,0.0118115724806,44.0357167442,1.53305942382e-05,4.26023895104,0.000181860188277,89.5779339625,-0.000176144980024,6.37493074725 +0.16500000000000006,0.018375321213,44.0357167442,1.24932460113e-05,4.26023895104,0.000150837393926,89.5779339625,-0.000315173730856,6.37493074725 +0.17000000000000007,0.0345105680007,44.0357167442,1.01920437362e-05,4.26023895104,7.50239026571e-05,89.5779339625,-0.000526715755,6.37493074725 +0.17500000000000007,0.106536282721,44.0357167442,8.18702485921e-06,4.26023895104,-1.45928717769e-05,89.5779339625,-0.000881888450068,6.37493074725 +0.18000000000000008,42.5050393615,44.0357167442,6.31817273867e-06,4.26023895104,-6.56593858581e-05,89.5779339625,-0.00156222652767,6.37493074725 +0.18500000000000008,-0.0649333036591,44.0357167442,4.46936234261e-06,4.26023895104,-0.000496398707045,89.5779339625,-0.00321143489458,6.37493074725 +0.19000000000000009,-0.00826148646792,44.0357167442,2.54933415573e-06,4.26023895104,-0.00261240983115,89.5779339625,-0.0109964997649,6.37493074725 +0.1950000000000001,-0.000626779082105,44.0357167442,4.80492674955e-07,4.26023895104,0.0050883390726,89.5779339625,0.0177953503839,6.37493074725 +0.2000000000000001,0.00119382519224,44.0357167442,-1.80867751303e-06,4.26023895104,0.00192045995026,89.5779339625,0.00651698961225,6.37493074725 +0.2050000000000001,0.00165109291848,44.0357167442,-4.38977505641e-06,4.26023895104,0.00116369666109,89.5779339625,0.00460286823153,6.37493074725 +0.2100000000000001,0.00168763904999,44.0357167442,-7.34063222456e-06,4.26023895104,0.000334337764555,89.5779339625,0.00385576098808,6.37493074725 +0.2150000000000001,0.0015783384851,44.0357167442,-1.07526691661e-05,4.26023895104,0.00103512244089,89.5779339625,0.00347146350879,6.37493074725 +0.2200000000000001,0.001418432001,44.0357167442,-1.47408934766e-05,4.26023895104,0.00157196745902,89.5779339625,0.0032342436858,6.37493074725 +0.22500000000000012,0.00124384440593,44.0357167442,-1.94586942711e-05,4.26023895104,0.00206145450576,89.5779339625,0.00306143899918,6.37493074725 +0.23000000000000012,0.00106802325323,44.0357167442,-2.51211187804e-05,4.26023895104,0.00256464516031,89.5779339625,0.00291624283213,6.37493074725 +0.23500000000000013,0.000894848382723,44.0357167442,-3.20435749503e-05,4.26023895104,0.00311554115278,89.5779339625,0.00278230231857,6.37493074725 +0.24000000000000013,0.000723278600185,44.0357167442,-4.07100742261e-05,4.26023895104,0.00375191397058,89.5779339625,0.00265371902434,6.37493074725 +0.24500000000000013,0.00054800403086,44.0357167442,-5.19020566123e-05,4.26023895104,0.00452998537195,89.5779339625,0.00252998198122,6.37493074725 +0.2500000000000001,0.0003537970648,44.0357167442,-6.69627130596e-05,4.26023895104,0.0055431846461,89.5779339625,0.00241301574614,6.37493074725 +0.2550000000000001,8.68407622395e-05,44.0357167442,-8.840025254e-05,4.26023895104,0.00695954936342,89.5779339625,0.00230547016147,6.37493074725 +0.2600000000000001,0.000316952656444,44.0357167442,-0.000121477670975,4.26023895104,0.00911184615088,89.5779339625,0.00220985266387,6.37493074725 +0.2650000000000001,0.000390433716055,44.0357167442,-0.000179380133502,4.26023895104,0.0127519961552,89.5779339625,0.00212821322694,6.37493074725 +0.27000000000000013,0.000393465128533,44.0357167442,-0.000306996636892,4.26023895104,0.0199385942529,89.5779339625,0.00206215097769,6.37493074725 +0.27500000000000013,0.000259823603625,44.0357167442,-0.00081908905086,4.26023895104,0.0383712317313,89.5779339625,0.00201298017563,6.37493074725 +0.28000000000000014,0.000775077762552,44.0357167442,0.00173456837424,4.26023895104,0.122616509773,89.5779339625,0.00198196146425,6.37493074725 +0.28500000000000014,0.00023764621841,44.0357167442,0.000462059034537,4.26023895104,19.700138365,89.5779339625,0.00197055879032,6.37493074725 +0.29000000000000015,0.000493550598071,44.0357167442,0.00028067956066,4.26023895104,-0.112162774452,89.5779339625,0.00198072105478,6.37493074725 +0.29500000000000015,0.000822464916217,44.0357167442,0.000208933559662,4.26023895104,-0.0192211930105,89.5779339625,0.00201521644409,6.37493074725 +0.30000000000000016,0.00116169892401,44.0357167442,0.000171118821449,4.26023895104,-0.0053257961665,89.5779339625,0.00207807654646,6.37493074725 +0.30500000000000016,0.00155629676066,44.0357167442,0.000148324911653,4.26023895104,-0.00117886244913,89.5779339625,0.00217525091048,6.37493074725 +0.31000000000000016,0.0020436250356,44.0357167442,0.000133611868893,4.26023895104,0.000489612659742,89.5779339625,0.00231565489266,6.37493074725 +0.31500000000000017,0.00267369945956,44.0357167442,0.000123857659431,4.26023895104,0.00130280875937,89.5779339625,0.00251296636026,6.37493074725 +0.3200000000000002,0.00352482565735,44.0357167442,0.000117477508466,4.26023895104,0.00177496195624,89.5779339625,0.00278891875703,6.37493074725 +0.3250000000000002,0.00473050748682,44.0357167442,0.000113612883448,4.26023895104,0.0021113675454,89.5779339625,0.00317980679092,6.37493074725 +0.3300000000000002,0.00653681064575,44.0357167442,0.000111796354109,4.26023895104,0.00241562198867,89.5779339625,0.00375058898393,6.37493074725 +0.3350000000000002,0.00944099419118,44.0357167442,0.000111800971938,4.26023895104,0.00276359005011,89.5779339625,0.00462944472829,6.37493074725 +0.3400000000000002,0.0145776170637,44.0357167442,0.000113573416926,4.26023895104,0.00325296345912,89.5779339625,0.00610842452499,6.37493074725 +0.3450000000000002,0.0250252601294,44.0357167442,0.000117213412398,4.26023895104,0.00410752911143,89.5779339625,0.00902663680069,6.37493074725 +0.3500000000000002,0.0517716847166,44.0357167442,0.000122987924362,4.26023895104,0.00626092857003,89.5779339625,0.0171745788181,6.37493074725 +0.3550000000000002,0.160901321584,44.0357167442,0.000131384453022,4.26023895104,0.0367857434348,89.5779339625,0.144573548471,6.37493074725 +0.3600000000000002,2.71000601085,44.0357167442,0.000143225879407,4.26023895104,-0.00166587610837,89.5779339625,-0.0235836339062,6.37493074725 +0.3650000000000002,-0.621168188205,44.0357167442,0.000159904569424,4.26023895104,-0.00236685788718,89.5779339625,-0.0112173400401,6.37493074725 +0.3700000000000002,-0.101184406539,44.0357167442,0.00018388215854,4.26023895104,-0.0021544142614,89.5779339625,-0.00752485588267,6.37493074725 +0.3750000000000002,-0.0395445157335,44.0357167442,0.000219865709778,4.26023895104,-0.00187023013084,89.5779339625,-0.00576836367287,6.37493074725 +0.3800000000000002,-0.020731027085,44.0357167442,0.000278016443716,4.26023895104,-0.00158224125788,89.5779339625,-0.00475289220685,6.37493074725 +0.38500000000000023,-0.0124940531692,44.0357167442,0.000384919001233,4.26023895104,-0.00125940365609,89.5779339625,-0.0040989157843,6.37493074725 +0.39000000000000024,-0.00792622026028,44.0357167442,0.000638946067439,4.26023895104,-0.000805222891586,89.5779339625,-0.00364823941549,6.37493074725 +0.39500000000000024,-0.00367028294534,44.0357167442,0.00195379613823,4.26023895104,-0.000642488192155,89.5779339625,-0.00332327129511,6.37493074725 +0.40000000000000024,-0.00713198135694,44.0357167442,-0.00182237742406,4.26023895104,-0.00131297211674,89.5779339625,-0.0030815746583,6.37493074725 +0.40500000000000025,-0.00442217183681,44.0357167442,-0.000623365837177,4.26023895104,-0.00186121660434,89.5779339625,-0.00289807337854,6.37493074725 +0.41000000000000025,-0.00329145086517,44.0357167442,-0.000378356824786,4.26023895104,-0.00243197347686,89.5779339625,-0.00275709110425,6.37493074725 +0.41500000000000026,-0.0025350029359,44.0357167442,-0.000273627629424,4.26023895104,-0.00309011646196,89.5779339625,-0.00264842209179,6.37493074725 +0.42000000000000026,-0.00195762487678,44.0357167442,-0.000216008032518,4.26023895104,-0.00390088290922,89.5779339625,-0.0025652410408,6.37493074725 +0.42500000000000027,-0.00147553942647,44.0357167442,-0.000179884151406,4.26023895104,-0.00495392742002,89.5779339625,-0.00250292540711,6.37493074725 +0.43000000000000027,-0.00102970485609,44.0357167442,-0.000155370097544,4.26023895104,-0.00639142693966,89.5779339625,-0.00245836338218,6.37493074725 +0.4350000000000003,-0.000524377325876,44.0357167442,-0.000137847260035,4.26023895104,-0.00846098113898,89.5779339625,-0.00242953730591,6.37493074725 +0.4400000000000003,-0.000538920206172,44.0357167442,-0.000124872895722,4.26023895104,-0.0116341321439,89.5779339625,-0.00241527384152,6.37493074725 +0.4450000000000003,-0.00083332836303,44.0357167442,-0.000115037905335,4.26023895104,-0.0169104377955,89.5779339625,-0.00241510351775,6.37493074725 +0.4500000000000003,-0.000979990307551,44.0357167442,-0.000107476524761,4.26023895104,-0.0267384670864,89.5779339625,-0.00242920045163,6.37493074725 +0.4550000000000003,-0.00104034092623,44.0357167442,-0.000101631778891,4.26023895104,-0.0485577816502,89.5779339625,-0.00245839075619,6.37493074725 +0.4600000000000003,-0.00101105932075,44.0357167442,-9.7133762618e-05,4.26023895104,-0.115008653783,89.5779339625,-0.00250423197698,6.37493074725 +0.4650000000000003,-0.000835758543549,44.0357167442,-9.37324469875e-05,4.26023895104,-0.558814625608,89.5779339625,-0.00256918057227,6.37493074725 +0.4700000000000003,-0.000197511945031,44.0357167442,-9.12588907404e-05,4.26023895104,10.5622659818,89.5779339625,-0.0026568850777,6.37493074725 +0.4750000000000003,-0.00120658782902,44.0357167442,-8.96022798672e-05,4.26023895104,0.248409416677,89.5779339625,-0.00277267748798,6.37493074725 +0.4800000000000003,-0.00200560785636,44.0357167442,-8.86964203642e-05,4.26023895104,0.0696616165828,89.5779339625,-0.00292440131514,6.37493074725 +0.4850000000000003,-0.00293042744372,44.0357167442,-8.85123865531e-05,4.26023895104,0.030694566771,89.5779339625,-0.00312384969114,6.37493074725 +0.4900000000000003,-0.00351792539219,44.0357167442,-8.90557076899e-05,4.26023895104,0.0142117199018,89.5779339625,-0.00338938462777,6.37493074725 +0.49500000000000033,-0.00355039112854,44.0357167442,-9.06229094189e-05,4.26023895104,0.00873543121424,89.5779339625,-0.00358403899994,6.37493074725 diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_4.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_4.csv new file mode 100644 index 0000000000..ff1fa5330e --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_4.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,0.0429210774314,42.5042920116,-2.58763599149e-07,3.98721450795,-0.000120323536489,66.759187629,-0.000796863362781,4.48705711319 +0.005,0.0226746864051,42.5042920116,-1.88277487412e-07,3.98721450795,-0.000171892942393,66.759187629,-0.000929513052436,4.48705711319 +0.01,0.00948034831461,42.5042920116,-1.26220962855e-07,3.98721450795,-0.000229894838287,66.759187629,-0.00104518996265,4.48705711319 +0.015,0.00504745948265,42.5042920116,-1.00227636928e-07,3.98721450795,-0.000248962142634,66.759187629,-0.00114111342525,4.48705711319 +0.02,0.00324592787473,42.5042920116,-8.65928444463e-08,3.98721450795,-0.000227867826804,66.759187629,-0.00121943520563,4.48705711319 +0.025,0.00232993477961,42.5042920116,-7.86214709853e-08,3.98721450795,-0.00013402192684,66.759187629,-0.00128346585793,4.48705711319 +0.030000000000000002,0.00179391456704,42.5042920116,-7.36945495633e-08,3.98721450795,-0.000206415110238,66.759187629,-0.00133694718389,4.48705711319 +0.035,0.00144667287407,42.5042920116,-7.05830847373e-08,3.98721450795,-0.000362071372763,66.759187629,-0.00138362347067,4.48705711319 +0.04,0.00120207269493,42.5042920116,-6.86420609604e-08,3.98721450795,-0.000497803270943,66.759187629,-0.00142708439538,4.48705711319 +0.045,0.0010157437165,42.5042920116,-6.75098847705e-08,3.98721450795,-0.000625984327108,66.759187629,-0.00147081240357,4.48705711319 +0.049999999999999996,0.00086177528289,42.5042920116,-6.697888141e-08,3.98721450795,-0.000748350300887,66.759187629,-0.00151838382794,4.48705711319 +0.05499999999999999,0.000722507845852,42.5042920116,-6.69338177234e-08,3.98721450795,-0.000862542715507,66.759187629,-0.00157381653281,4.48705711319 +0.05999999999999999,0.000582561073969,42.5042920116,-6.73212386682e-08,3.98721450795,-0.000961349666028,66.759187629,-0.00164212091784,4.48705711319 +0.06499999999999999,0.0004211342774,42.5042920116,-6.81347083464e-08,3.98721450795,-0.00102838300159,66.759187629,-0.00173021828307,4.48705711319 +0.06999999999999999,0.000162786739969,42.5042920116,-6.94098178089e-08,3.98721450795,-0.00102677084006,66.759187629,-0.00184861620323,4.48705711319 +0.075,0.00034106477075,42.5042920116,-7.12269812792e-08,3.98721450795,-0.000868030128589,66.759187629,-0.0020147990761,4.48705711319 +0.08,0.0004972559862,42.5042920116,-7.37228333179e-08,3.98721450795,-0.00031283261033,66.759187629,-0.00226095887481,4.48705711319 +0.085,0.000593755539392,42.5042920116,-7.71142257423e-08,3.98721450795,0.00142469563485,66.759187629,-0.00265450907693,4.48705711319 +0.09000000000000001,0.000634568800506,42.5042920116,-8.17444706042e-08,3.98721450795,0.00794338166618,66.759187629,-0.00336571625527,4.48705711319 +0.09500000000000001,0.000585074665124,42.5042920116,-8.81740968284e-08,3.98721450795,0.052586474673,66.759187629,-0.00498758515964,4.48705711319 +0.10000000000000002,0.000270781852557,42.5042920116,-9.73708918137e-08,3.98721450795,38.7746264822,66.759187629,-0.0120120481056,4.48705711319 +0.10500000000000002,0.000757029486118,42.5042920116,-1.11149996745e-07,3.98721450795,0.0561008491517,66.759187629,0.016906922426,4.48705711319 +0.11000000000000003,0.00137201077802,42.5042920116,-1.33351571451e-07,3.98721450795,-0.00907661822362,66.759187629,0.00429969732494,4.48705711319 +0.11500000000000003,0.00208175711366,42.5042920116,-1.73752370979e-07,3.98721450795,-0.0058558890574,66.759187629,0.00224619323667,4.48705711319 +0.12000000000000004,0.00295502637821,42.5042920116,-2.6678180566e-07,3.98721450795,-0.00356580543577,66.759187629,0.00140964362005,4.48705711319 +0.12500000000000003,0.00405555745997,42.5042920116,-6.8208376736e-07,3.98721450795,-0.00218549740419,66.759187629,0.000955906724491,4.48705711319 +0.13000000000000003,0.00546829882086,42.5042920116,9.11716916966e-07,3.98721450795,-0.00131181090369,66.759187629,0.000668584961619,4.48705711319 +0.13500000000000004,0.00731272280983,42.5042920116,2.53882503244e-07,3.98721450795,-0.000741205705695,66.759187629,0.000465353123277,4.48705711319 +0.14000000000000004,0.00979233197895,42.5042920116,1.41770170644e-07,3.98721450795,-0.000370423952588,66.759187629,0.000306624514363,4.48705711319 +0.14500000000000005,0.0132679696351,42.5042920116,9.58209299766e-08,3.98721450795,-0.000141684029447,66.759187629,0.000169123601339,4.48705711319 +0.15000000000000005,0.0184599442821,42.5042920116,7.09598310371e-08,3.98721450795,-1.8189824464e-05,66.759187629,3.57011774437e-05,4.48705711319 +0.15500000000000005,0.027006076227,42.5042920116,5.53787665993e-08,3.98721450795,2.69263886216e-05,66.759187629,-0.000110071393958,4.48705711319 +0.16000000000000006,0.043396473075,42.5042920116,4.46007295061e-08,3.98721450795,1.5928461347e-05,66.759187629,-0.000288492400047,4.48705711319 +0.16500000000000006,0.0843617976709,42.5042920116,3.65315142319e-08,3.98721450795,-2.94908601559e-05,66.759187629,-0.000530187585482,4.48705711319 +0.17000000000000007,0.267437191886,42.5042920116,3.00400154852e-08,3.98721450795,-7.85844859953e-05,66.759187629,-0.000888878364737,4.48705711319 +0.17500000000000007,39.5995642727,42.5042920116,2.44435800989e-08,3.98721450795,-6.27524842825e-05,66.759187629,-0.00147282126673,4.48705711319 +0.18000000000000008,-0.23283495524,42.5042920116,1.92899105945e-08,3.98721450795,-0.000393031455422,66.759187629,-0.00254096674367,4.48705711319 +0.18500000000000008,-0.0377029647036,42.5042920116,1.42532665899e-08,3.98721450795,-0.00108059648222,66.759187629,-0.00490601136197,4.48705711319 +0.19000000000000009,-0.00971931953573,42.5042920116,9.07998394214e-09,3.98721450795,-0.00335193053527,66.759187629,-0.0131052537905,4.48705711319 +0.1950000000000001,-0.00194402012534,42.5042920116,3.55695341194e-09,3.98721450795,0.0288157080111,66.759187629,0.111119637429,4.48705711319 +0.2000000000000001,0.000789007424842,42.5042920116,-2.50881765595e-09,3.98721450795,0.00340489956191,66.759187629,0.0153398752177,4.48705711319 +0.2050000000000001,0.0018069467301,42.5042920116,-9.30551098934e-09,3.98721450795,0.000886249897845,66.759187629,0.00986487757469,4.48705711319 +0.2100000000000001,0.00213415233223,42.5042920116,-1.70301205364e-08,3.98721450795,0.00197434274466,66.759187629,0.00806219680965,4.48705711319 +0.2150000000000001,0.00215386971424,42.5042920116,-2.59028992996e-08,3.98721450795,0.00290357965995,66.759187629,0.00725423053019,4.48705711319 +0.2200000000000001,0.00202794684625,42.5042920116,-3.6185051716e-08,3.98721450795,0.00375669037958,66.759187629,0.00684304922233,4.48705711319 +0.22500000000000012,0.00182964836656,42.5042920116,-4.82026922119e-08,3.98721450795,0.00466691769981,66.759187629,0.00661376008556,4.48705711319 +0.23000000000000012,0.00159240713508,42.5042920116,-6.23815436944e-08,3.98721450795,0.0056899302253,66.759187629,0.00646782307292,4.48705711319 +0.23500000000000013,0.00132912495027,42.5042920116,-7.92997498631e-08,3.98721450795,0.00687479377827,66.759187629,0.00635446011184,4.48705711319 +0.24000000000000013,0.00103830732174,42.5042920116,-9.97718983184e-08,3.98721450795,0.00829023332622,66.759187629,0.00624755081057,4.48705711319 +0.24500000000000013,0.000695902939527,42.5042920116,-1.24989041547e-07,3.98721450795,0.0100518332475,66.759187629,0.00613577254167,4.48705711319 +0.2500000000000001,0.000101370151465,42.5042920116,-1.56764737434e-07,3.98721450795,0.012369599866,66.759187629,0.00601710796228,4.48705711319 +0.2550000000000001,0.000634366192399,42.5042920116,-1.97995682254e-07,3.98721450795,0.0156538682364,66.759187629,0.00589508561284,4.48705711319 +0.2600000000000001,0.00082781465752,42.5042920116,-2.53594408295e-07,3.98721450795,0.0207982301542,66.759187629,0.00577606148122,4.48705711319 +0.2650000000000001,0.000918695455897,42.5042920116,-3.32577490134e-07,3.98721450795,0.03011459243,66.759187629,0.00566738644425,4.48705711319 +0.27000000000000013,0.000922393059111,42.5042920116,-4.53417758407e-07,3.98721450795,0.0515980644232,66.759187629,0.00557635785787,4.48705711319 +0.27500000000000013,0.000810988865628,42.5042920116,-6.60714425601e-07,3.98721450795,0.135225219331,66.759187629,0.00550979895751,4.48705711319 +0.28000000000000014,0.000429693569777,42.5042920116,-1.09630466535e-06,3.98721450795,6.40304262548,66.759187629,0.00547408567939,4.48705711319 +0.28500000000000014,0.000836941171462,42.5042920116,-2.57998984252e-06,3.98721450795,-0.0676096373694,66.759187629,0.00547546782487,4.48705711319 +0.29000000000000015,0.00149558143108,42.5042920116,1.4219102203e-05,3.98721450795,0.00307629826549,66.759187629,0.00552058943328,4.48705711319 +0.29500000000000015,0.0021822027933,42.5042920116,2.13160505556e-06,3.98721450795,0.00891691456767,66.759187629,0.00561718127105,4.48705711319 +0.30000000000000016,0.00299665187208,42.5042920116,1.22797162496e-06,3.98721450795,0.00920720850351,66.759187629,0.00577497045255,4.48705711319 +0.30500000000000016,0.00401320233112,42.5042920116,9.00824709804e-07,3.98721450795,0.00865182782854,66.759187629,0.00600693866764,4.48705711319 +0.31000000000000016,0.00533813206754,42.5042920116,7.35608245292e-07,3.98721450795,0.00802948301508,66.759187629,0.00633119058333,4.48705711319 +0.31500000000000017,0.00713895234598,42.5042920116,6.391190097e-07,3.98721450795,0.0074994321322,66.759187629,0.00677393065121,4.48705711319 +0.3200000000000002,0.00970139430055,42.5042920116,5.78826939322e-07,3.98721450795,0.00708861919897,66.759187629,0.00737453216484,4.48705711319 +0.3250000000000002,0.0135511035394,42.5042920116,5.40573372057e-07,3.98721450795,0.00679369640653,66.759187629,0.00819477189801,4.48705711319 +0.3300000000000002,0.0197463011782,42.5042920116,5.17382815126e-07,3.98721450795,0.00660658399877,66.759187629,0.00933697928399,4.48705711319 +0.3350000000000002,0.0306862090327,42.5042920116,5.05628031261e-07,3.98721450795,0.00652090328567,66.759187629,0.0109831765145,4.48705711319 +0.3400000000000002,0.052812109418,42.5042920116,5.03497651392e-07,3.98721450795,0.00653080602865,66.759187629,0.013490399851,4.48705711319 +0.3450000000000002,0.108669379282,42.5042920116,5.10344625298e-07,3.98721450795,0.0066143683227,66.759187629,0.0176659657383,4.48705711319 +0.3500000000000002,0.327916981531,42.5042920116,5.26445243661e-07,3.98721450795,0.00661349469494,66.759187629,0.0258010135602,4.48705711319 +0.3550000000000002,4.28211784458,42.5042920116,5.53014421849e-07,3.98721450795,0.00428355613997,66.759187629,0.0479679116919,4.48705711319 +0.3600000000000002,-1.72737927465,42.5042920116,5.92469615203e-07,3.98721450795,0.0598805140848,66.759187629,0.320488445035,4.48705711319 +0.3650000000000002,-0.252385762398,42.5042920116,6.49066803354e-07,3.98721450795,-0.0178157238898,66.759187629,-0.0704216940179,4.48705711319 +0.3700000000000002,-0.0970498592263,42.5042920116,7.30268777375e-07,3.98721450795,-0.00912335434355,66.759187629,-0.0323414408996,4.48705711319 +0.3750000000000002,-0.0510997449507,42.5042920116,8.49823350608e-07,3.98721450795,-0.00607576940993,66.759187629,-0.0213324395113,4.48705711319 +0.3800000000000002,-0.0314679759659,42.5042920116,1.03550939194e-06,3.98721450795,-0.00418520580298,66.759187629,-0.0161446716253,4.48705711319 +0.38500000000000023,-0.0212652656032,42.5042920116,1.35240949531e-06,3.98721450795,-0.00246994248335,66.759187629,-0.0131564505625,4.48705711319 +0.39000000000000024,-0.0152626267732,42.5042920116,1.99597568289e-06,3.98721450795,-0.00154539191705,66.759187629,-0.0112348313784,4.48705711319 +0.39500000000000024,-0.0114072215996,42.5042920116,3.94244581426e-06,3.98721450795,-0.00316256442031,66.759187629,-0.00991158466035,4.48705711319 +0.40000000000000024,-0.0067360329184,42.5042920116,0.00198158465299,3.98721450795,-0.00423571471397,66.759187629,-0.00895835104381,4.48705711319 +0.40500000000000025,-0.00684823860276,42.5042920116,-3.91645782784e-06,3.98721450795,-0.00521943667849,66.759187629,-0.00825075885281,4.48705711319 +0.41000000000000025,-0.00537779227538,42.5042920116,-1.95743492122e-06,3.98721450795,-0.00625695264411,66.759187629,-0.00771556614524,4.48705711319 +0.41500000000000026,-0.00419484847639,42.5042920116,-1.31016463528e-06,3.98721450795,-0.00745057784587,66.759187629,-0.00730712797707,4.48705711319 +0.42000000000000026,-0.00318347032955,42.5042920116,-9.90279960958e-07,3.98721450795,-0.00891354299678,66.759187629,-0.00699583007917,4.48705711319 +0.42500000000000027,-0.00224227447456,42.5042920116,-8.01265222945e-07,3.98721450795,-0.0108057641842,66.759187629,-0.00676196303412,4.48705711319 +0.43000000000000027,-0.00119556732437,42.5042920116,-6.77696585071e-07,3.98721450795,-0.0133872541632,66.759187629,-0.00659229113583,4.48705711319 +0.4350000000000003,-0.00106997831016,42.5042920116,-5.91579834478e-07,3.98721450795,-0.0171283424976,66.759187629,-0.00647805623747,4.48705711319 +0.4400000000000003,-0.00172079794154,42.5042920116,-5.28953461569e-07,3.98721450795,-0.0229794936926,66.759187629,-0.00641379963993,4.48705711319 +0.4450000000000003,-0.00203410408163,42.5042920116,-4.82094359825e-07,3.98721450795,-0.0331536939865,66.759187629,-0.00639668695263,4.48705711319 +0.4500000000000003,-0.00216100873046,42.5042920116,-4.46402356048e-07,3.98721450795,-0.0539861420004,66.759187629,-0.00642617502383,4.48705711319 +0.4550000000000003,-0.00210363027754,42.5042920116,-4.18985889726e-07,3.98721450795,-0.111146945632,66.759187629,-0.00650394815919,4.48705711319 +0.4600000000000003,-0.00176105807225,42.5042920116,-3.97956738826e-07,3.98721450795,-0.429428331653,66.759187629,-0.00663411182462,4.48705711319 +0.4650000000000003,-0.000372612174265,42.5042920116,-3.82052477928e-07,3.98721450795,21.6477935554,66.759187629,-0.00682368905246,4.48705711319 +0.4700000000000003,-0.00233396934444,42.5042920116,-3.70423512373e-07,3.98721450795,0.167903604109,66.759187629,-0.00708353895997,4.48705711319 +0.4750000000000003,-0.00392265940012,42.5042920116,-3.62508888754e-07,3.98721450795,0.029815419391,66.759187629,-0.00742993924142,4.48705711319 +0.4800000000000003,-0.00572445365239,42.5042920116,-3.57963463503e-07,3.98721450795,0.00504778962659,66.759187629,-0.00788730678225,4.48705711319 +0.4850000000000003,-0.00795415100207,42.5042920116,-3.56617334839e-07,3.98721450795,-0.00283666412034,66.759187629,-0.00849301391408,4.48705711319 +0.4900000000000003,-0.0093486859661,42.5042920116,-3.58458029622e-07,3.98721450795,-0.00547953090847,66.759187629,-0.00930635054146,4.48705711319 +0.49500000000000033,-0.0092688521603,42.5042920116,-3.63243997867e-07,3.98721450795,-0.0052355779109,66.759187629,-0.00986663997715,4.48705711319 diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_5.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_5.csv new file mode 100644 index 0000000000..6ebce8d9c4 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_5.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,0.0596713136288,8.24785892678,0.00298335892525,1.48821899309,-0.000757996482247,88.6649849004,-0.00406841717664,10.0143918804 +0.005,0.0403887199817,8.24785892678,0.00171671719339,1.48821899309,-0.00107493516114,88.6649849004,-0.00488602335465,10.0143918804 +0.01,0.021457268462,8.24785892678,0.000975379420475,1.48821899309,-0.00141215541624,88.6649849004,-0.00564642650618,10.0143918804 +0.015,0.0127563458085,8.24785892678,0.000727419522316,1.48821899309,-0.00147908293,88.6649849004,-0.00629338354185,10.0143918804 +0.02,0.00872814053437,8.24785892678,0.000609364278666,1.48821899309,-0.00123396522493,88.6649849004,-0.00683550516393,10.0143918804 +0.025,0.00650963278358,8.24785892678,0.000544211823823,1.48821899309,-0.000589067651169,88.6649849004,-0.00729193620353,10.0143918804 +0.030000000000000002,0.00513558205016,8.24785892678,0.000505691997334,1.48821899309,-0.00194710576048,88.6649849004,-0.00768719897151,10.0143918804 +0.035,0.00420352750503,8.24785892678,0.000482460496942,1.48821899309,-0.00304922240933,88.6649849004,-0.00804796258607,10.0143918804 +0.04,0.00351884235798,8.24785892678,0.000468904545084,1.48821899309,-0.00419803017967,88.6649849004,-0.00840196492834,10.0143918804 +0.045,0.00297504601393,8.24785892678,0.000462034673272,1.48821899309,-0.00548201849669,88.6649849004,-0.00877888136346,10.0143918804 +0.049999999999999996,0.00250571822,8.24785892678,0.000460238192027,1.48821899309,-0.0069924432328,88.6649849004,-0.00921311644611,10.0143918804 +0.05499999999999999,0.00206093021495,8.24785892678,0.00046272484273,1.48821899309,-0.00886316536524,88.6649849004,-0.00974918165639,10.0143918804 +0.05999999999999999,0.00158871198812,8.24785892678,0.000469274912157,1.48821899309,-0.0113187216975,88.6649849004,-0.0104518013672,10.0143918804 +0.06499999999999999,0.000988371849631,8.24785892678,0.000480146618648,1.48821899309,-0.0147741561945,88.6649849004,-0.0114264825561,10.0143918804 +0.06999999999999999,0.000676215099715,8.24785892678,0.00049609536498,1.48821899309,-0.020084690738,88.6649849004,-0.0128667572569,10.0143918804 +0.075,0.00133455218979,8.24785892678,0.000518510317718,1.48821899309,-0.0292866271455,88.6649849004,-0.0151814075195,10.0143918804 +0.08,0.00171016539995,8.24785892678,0.000549728584591,1.48821899309,-0.0483906245799,88.6649849004,-0.0194249514852,10.0143918804 +0.085,0.00192742797663,8.24785892678,0.000593689238732,1.48821899309,-0.103111832075,88.6649849004,-0.0294376198302,10.0143918804 +0.09000000000000001,0.00195402838494,8.24785892678,0.000657345156865,1.48821899309,-0.471703756869,88.6649849004,-0.0791623868258,10.0143918804 +0.09500000000000001,0.00162516047845,8.24785892678,0.000754018281161,1.48821899309,1.43000657874,88.6649849004,0.0744809851547,10.0143918804 +0.10000000000000002,0.000923616725523,8.24785892678,0.00091266775343,1.48821899309,-0.571870902273,88.6649849004,0.0220317175692,10.0143918804 +0.10500000000000002,0.00292931472298,8.24785892678,0.00121018808551,1.48821899309,0.0288985355573,88.6649849004,0.0117726263778,10.0143918804 +0.11000000000000003,0.00501373470027,8.24785892678,0.00194053930215,1.48821899309,0.014109616023,88.6649849004,0.00742208599557,10.0143918804 +0.11500000000000003,0.00935304905678,8.24785892678,0.00622084422909,1.48821899309,0.0072327244666,88.6649849004,0.00501421121827,10.0143918804 +0.12000000000000004,0.00557777361093,8.24785892678,-0.00419647674731,1.48821899309,0.00402850056889,88.6649849004,0.0034655397324,10.0143918804 +0.12500000000000003,0.00979531259825,8.24785892678,-0.00146689800694,1.48821899309,0.00232548826702,88.6649849004,0.00235124503231,10.0143918804 +0.13000000000000003,0.0133606850495,8.24785892678,-0.000855532526256,1.48821899309,0.00127999798831,88.6649849004,0.00146085878973,10.0143918804 +0.13500000000000004,0.0174879599859,8.24785892678,-0.000588332333143,1.48821899309,0.000528773650119,88.6649849004,0.000664996972855,10.0143918804 +0.14000000000000004,0.0226368480777,8.24785892678,-0.000439190074375,1.48821899309,-0.000100807061824,88.6649849004,-0.000138609996942,10.0143918804 +0.14500000000000005,0.0294566671809,8.24785892678,-0.000343740532731,1.48821899309,-0.000698434803965,88.6649849004,-0.00105702932118,10.0143918804 +0.15000000000000005,0.0392098652043,8.24785892678,-0.00027648285387,1.48821899309,-0.00131574760004,88.6649849004,-0.00223431321915,10.0143918804 +0.15500000000000005,0.0547844237937,8.24785892678,-0.000225122804365,1.48821899309,-0.00198529921049,88.6649849004,-0.00390419938065,10.0143918804 +0.16000000000000006,0.0842651389076,8.24785892678,-0.000182853018662,1.48821899309,-0.00272108972718,88.6649849004,-0.00650638427369,10.0143918804 +0.16500000000000006,0.159580340992,8.24785892678,-0.000145469148075,1.48821899309,-0.00347548611167,88.6649849004,-0.0110061048826,10.0143918804 +0.17000000000000007,0.557091294957,8.24785892678,-0.000110121372337,1.48821899309,-0.00381481852366,88.6649849004,-0.0200364751739,10.0143918804 +0.17500000000000007,-12.1384242322,8.24785892678,-7.47089794775e-05,1.48821899309,-0.00515095255422,88.6649849004,-0.0442706127039,10.0143918804 +0.18000000000000008,-0.0941520654996,8.24785892678,-3.75546659388e-05,1.48821899309,-0.0515638711526,88.6649849004,-0.233327481272,10.0143918804 +0.18500000000000008,0.0018466895338,8.24785892678,2.79275341826e-06,1.48821899309,0.0333257910685,88.6649849004,0.126394256539,10.0143918804 +0.19000000000000009,0.0133909013309,8.24785892678,4.76982268389e-05,1.48821899309,0.0172005373907,88.6649849004,0.0625477836308,10.0143918804 +0.1950000000000001,0.0143676846347,8.24785892678,9.85617929314e-05,1.48821899309,0.0121238960739,88.6649849004,0.0468546843259,10.0143918804 +0.2000000000000001,0.0132454111181,8.24785892678,0.000156948474826,1.48821899309,0.00827846218308,88.6649849004,0.0400419738136,10.0143918804 +0.2050000000000001,0.0117267281422,8.24785892678,0.0002247530508,1.48821899309,0.00133580976173,88.6649849004,0.0362515822189,10.0143918804 +0.2100000000000001,0.0102332976647,8.24785892678,0.000304434305905,1.48821899309,0.00826207087629,88.6649849004,0.0337155746563,10.0143918804 +0.2150000000000001,0.00886570331014,8.24785892678,0.00039937447819,1.48821899309,0.0121255466836,88.6649849004,0.0317290507048,10.0143918804 +0.2200000000000001,0.00763179050478,8.24785892678,0.000514465319497,1.48821899309,0.0153977370759,88.6649849004,0.0299841819658,10.0143918804 +0.22500000000000012,0.00651080937819,8.24785892678,0.000657122258536,1.48821899309,0.0184644969169,88.6649849004,0.0283560491967,10.0143918804 +0.23000000000000012,0.00547180244936,8.24785892678,0.000839160330791,1.48821899309,0.0215190905751,88.6649849004,0.0268104540029,10.0143918804 +0.23500000000000013,0.00447528974898,8.24785892678,0.0010805523007,1.48821899309,0.0247442361023,88.6649849004,0.0253553383884,10.0143918804 +0.24000000000000013,0.00346065703489,8.24785892678,0.00141775096251,1.48821899309,0.0283731794415,88.6649849004,0.0240136424542,10.0143918804 +0.24500000000000013,0.00228209057012,8.24785892678,0.00192473674602,1.48821899309,0.0327444444255,88.6649849004,0.0228093281116,10.0143918804 +0.2500000000000001,0.000963759113803,8.24785892678,0.00277733359964,1.48821899309,0.0383976269936,88.6649849004,0.0217617348428,10.0143918804 +0.2550000000000001,0.00279843287944,8.24785892678,0.00451877901988,1.48821899309,0.0462869018341,88.6649849004,0.020884730362,10.0143918804 +0.2600000000000001,0.00488298519198,8.24785892678,0.0100623683817,1.48821899309,0.0583319673375,88.6649849004,0.0201882044552,10.0143918804 +0.2650000000000001,-0.0297041651768,8.24785892678,-0.11859949553,1.48821899309,0.0791368497688,88.6649849004,0.0196804580253,10.0143918804 +0.27000000000000013,-6.8287722189e-05,8.24785892678,-0.00961118985076,1.48821899309,0.123256380142,88.6649849004,0.019370816832,10.0143918804 +0.27500000000000013,0.0009351269037,8.24785892678,-0.00529731502892,1.48821899309,0.271026421874,88.6649849004,0.0192723176787,10.0143918804 +0.28000000000000014,0.00064468430119,8.24785892678,-0.00379500073563,1.48821899309,10.9596495355,88.6649849004,0.0194046465312,10.0143918804 +0.28500000000000014,0.00149933499259,8.24785892678,-0.00304127280144,1.48821899309,0.139037315517,88.6649849004,0.019797766401,10.0143918804 +0.29000000000000015,0.00279923531861,8.24785892678,-0.00259708281353,1.48821899309,0.0964728011067,88.6649849004,0.0204969877759,10.0143918804 +0.29500000000000015,0.00421500842565,8.24785892678,-0.00231253010197,1.48821899309,0.0718072142544,88.6649849004,0.021570783776,10.0143918804 +0.30000000000000016,0.00588709888809,8.24785892678,-0.00212285238844,1.48821899309,0.0585401547807,88.6649849004,0.0231237670441,10.0143918804 +0.30500000000000016,0.00796095808816,8.24785892678,-0.00199589698276,1.48821899309,0.0509454886095,88.6649849004,0.0253196873874,10.0143918804 +0.31000000000000016,0.0106456583905,8.24785892678,-0.00191434209572,1.48821899309,0.0466973452571,88.6649849004,0.0284250738279,10.0143918804 +0.31500000000000017,0.014274995554,8.24785892678,-0.00186856406525,1.48821899309,0.0448414265161,88.6649849004,0.0328990905541,10.0143918804 +0.3200000000000002,0.0194208518108,8.24785892678,-0.0018534577933,1.48821899309,0.0451499679176,88.6649849004,0.0395989671083,10.0143918804 +0.3250000000000002,0.0271369486365,8.24785892678,-0.00186696803183,1.48821899309,0.0480780970995,88.6649849004,0.0503216477519,10.0143918804 +0.3300000000000002,0.0395449317938,8.24785892678,-0.00190949210519,1.48821899309,0.0554233382163,88.6649849004,0.0695641047779,10.0143918804 +0.3350000000000002,0.0614484432964,8.24785892678,-0.00198384702554,1.48821899309,0.0738633465716,88.6649849004,0.112619304112,10.0143918804 +0.3400000000000002,0.105693083605,8.24785892678,-0.00209575938315,1.48821899309,0.150828252378,88.6649849004,0.286486021512,10.0143918804 +0.3450000000000002,0.216817117462,8.24785892678,-0.00225505892529,1.48821899309,-0.236469353326,88.6649849004,-0.587626440054,10.0143918804 +0.3500000000000002,0.644584303784,8.24785892678,-0.00247809975398,1.48821899309,-0.0414285202324,88.6649849004,-0.150910767825,10.0143918804 +0.3550000000000002,7.34492012252,8.24785892678,-0.00279269257058,1.48821899309,-0.00951481137276,88.6649849004,-0.089033708049,10.0143918804 +0.3600000000000002,-4.34288558843,8.24785892678,-0.00324886058394,1.48821899309,-0.0118899997706,88.6649849004,-0.0645816384117,10.0143918804 +0.3650000000000002,-0.597040173151,8.24785892678,-0.00394508723374,1.48821899309,-0.012976604334,88.6649849004,-0.0516337014989,10.0143918804 +0.3700000000000002,-0.236129459868,8.24785892678,-0.00510397224372,1.48821899309,-0.0121979687809,88.6649849004,-0.0437121248552,10.0143918804 +0.3750000000000002,-0.134268453419,8.24785892678,-0.00735494869215,1.48821899309,-0.010775383829,88.6649849004,-0.0384315095947,10.0143918804 +0.3800000000000002,-0.0999823476125,8.24785892678,-0.0134387140869,1.48821899309,-0.00885858383799,88.6649849004,-0.0347086528934,10.0143918804 +0.38500000000000023,-0.200080093136,8.24785892678,-0.0828345467557,1.48821899309,-0.00609499699586,88.6649849004,-0.0319814634776,10.0143918804 +0.39000000000000024,-0.00332456893692,8.24785892678,0.0198831111441,1.48821899309,-0.00299919074849,88.6649849004,-0.0299300713768,10.0143918804 +0.39500000000000024,-0.0139173823182,8.24785892678,0.00893055145572,1.48821899309,-0.00789639452663,88.6649849004,-0.0283599192504,10.0143918804 +0.40000000000000024,-0.0133567482408,8.24785892678,0.00580314890957,1.48821899309,-0.0112482581254,88.6649849004,-0.027146786368,10.0143918804 +0.40500000000000025,-0.011518636728,8.24785892678,0.00433379576915,1.48821899309,-0.0143798669505,88.6649849004,-0.0262086004685,10.0143918804 +0.41000000000000025,-0.00962369943993,8.24785892678,0.00348756344363,1.48821899309,-0.0176380464408,88.6649849004,-0.0254899867306,10.0143918804 +0.41500000000000026,-0.00786381952111,8.24785892678,0.00294256478533,1.48821899309,-0.0212625406972,88.6649849004,-0.024953353551,10.0143918804 +0.42000000000000026,-0.00621460160306,8.24785892678,0.00256618619707,1.48821899309,-0.0255097148848,88.6649849004,-0.0245735597875,10.0143918804 +0.42500000000000027,-0.00457043669825,8.24785892678,0.00229387323068,1.48821899309,-0.0307250939343,88.6649849004,-0.0243346685743,10.0143918804 +0.43000000000000027,-0.00266017914029,8.24785892678,0.00209050295774,1.48821899309,-0.0374407956532,88.6649849004,-0.0242280003004,10.0143918804 +0.4350000000000003,-0.00195939305634,8.24785892678,0.00193539386917,1.48821899309,-0.0465622681817,88.6649849004,-0.024251065837,10.0143918804 +0.4400000000000003,-0.0035237192344,8.24785892678,0.00181564315485,1.48821899309,-0.0597938849395,88.6649849004,-0.0244071712941,10.0143918804 +0.4450000000000003,-0.00433452513221,8.24785892678,0.00172285541782,1.48821899309,-0.0807750410009,88.6649849004,-0.024705624287,10.0143918804 +0.4500000000000003,-0.00475641828387,8.24785892678,0.00165141071447,1.48821899309,-0.118816511016,88.6649849004,-0.0251625879,10.0143918804 +0.4550000000000003,-0.00479440772918,8.24785892678,0.00159749364007,1.48821899309,-0.205973204895,88.6649849004,-0.0258027601299,10.0143918804 +0.4600000000000003,-0.00424613982034,8.24785892678,0.00155852659959,1.48821899309,-0.547182482662,88.6649849004,-0.0266622490973,10.0143918804 +0.4650000000000003,-0.00210285895465,8.24785892678,0.00153283231927,1.48821899309,-99.5260284787,88.6649849004,-0.0277933452369,10.0143918804 +0.4700000000000003,-0.00486975364646,8.24785892678,0.00151943582873,1.48821899309,0.0138994713427,88.6649849004,-0.0292725194292,10.0143918804 +0.4750000000000003,-0.00876296610878,8.24785892678,0.00151795932369,1.48821899309,-0.0904834186149,88.6649849004,-0.031214259646,10.0143918804 +0.4800000000000003,-0.0131742533757,8.24785892678,0.00152858754083,1.48821899309,-0.0864760848037,88.6649849004,-0.0337961836701,10.0143918804 +0.4850000000000003,-0.0186745982665,8.24785892678,0.00155209733618,1.48821899309,-0.0793497963282,88.6649849004,-0.0373076250711,10.0143918804 +0.4900000000000003,-0.0222788015269,8.24785892678,0.00158995920005,1.48821899309,-0.0661588985765,88.6649849004,-0.042251805549,10.0143918804 +0.49500000000000033,-0.0223598156224,8.24785892678,0.00163377442119,1.48821899309,-0.0536071163974,88.6649849004,-0.0457815800695,10.0143918804 diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_6.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_6.csv new file mode 100644 index 0000000000..9bd705e86a --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_6.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,-2.70350039542,17.0559298327,-0.340789791761,2.80203717842,0.000156598717836,10.6263294019,0.000259050984778,3.94675903436 +0.005,-0.145014026695,17.0559298327,-0.039757633263,2.80203717842,0.000241969968522,10.6263294019,0.000319658532634,3.94675903436 +0.01,-0.0184342248343,17.0559298327,-0.015265192276,2.80203717842,0.000354422913577,10.6263294019,0.000378452525131,3.94675903436 +0.015,-0.0054159793812,17.0559298327,-0.0101994156969,2.80203717842,0.000424392383677,10.6263294019,0.000429276704692,3.94675903436 +0.02,-0.00225945296386,17.0559298327,-0.00810998496426,2.80203717842,0.00043603625168,10.6263294019,0.000472183459763,3.94675903436 +0.025,-0.00105198298505,17.0559298327,-0.00702895799841,2.80203717842,0.000313733296765,10.6263294019,0.000508200333029,3.94675903436 +0.030000000000000002,-0.000435711422307,17.0559298327,-0.00640849065588,2.80203717842,0.000446231772485,10.6263294019,0.000538925073506,3.94675903436 +0.035,-5.38463247289e-05,17.0559298327,-0.00603628382787,2.80203717842,0.00094894046027,10.6263294019,0.000566218513968,3.94675903436 +0.04,0.000212177867169,17.0559298327,-0.00581376358424,2.80203717842,0.00154717277772,10.6263294019,0.000592049990332,3.94675903436 +0.045,0.00040626422662,17.0559298327,-0.00569012435036,2.80203717842,0.00233695353429,10.6263294019,0.000618491968159,3.94675903436 +0.049999999999999996,0.00054328998326,17.0559298327,-0.00563794815128,2.80203717842,0.00342526139257,10.6263294019,0.000647852891664,3.94675903436 +0.05499999999999999,0.000623791609674,17.0559298327,-0.00564286668971,2.80203717842,0.00497363209646,10.6263294019,0.000682969014109,3.94675903436 +0.05999999999999999,0.000637706405064,17.0559298327,-0.00569886521111,2.80203717842,0.0072474241277,10.6263294019,0.00072775138905,3.94675903436 +0.06499999999999999,0.000559013790756,17.0559298327,-0.00580626402911,2.80203717842,0.0107103866443,10.6263294019,0.000788255622604,3.94675903436 +0.06999999999999999,0.000287481451342,17.0559298327,-0.00597129971804,2.80203717842,0.016232269624,10.6263294019,0.000875002867617,3.94675903436 +0.075,0.000531376376373,17.0559298327,-0.00620707243262,2.80203717842,0.0256008956333,10.6263294019,0.00100877222422,3.94675903436 +0.08,0.000858935124234,17.0559298327,-0.00653625001633,2.80203717842,0.0429883048173,10.6263294019,0.00123811168698,3.94675903436 +0.085,0.00108204272058,17.0559298327,-0.00699682574799,2.80203717842,0.0801531454306,10.6263294019,0.00171063743241,3.94675903436 +0.09000000000000001,0.0011770657274,17.0559298327,-0.00765425421471,2.80203717842,0.182929008938,10.6263294019,0.00319418398349,3.94675903436 +0.09500000000000001,0.00106598461032,17.0559298327,-0.00862891977985,2.80203717842,0.0722659787062,10.6263294019,-0.0558632772073,3.94675903436 +0.10000000000000002,0.000567583320314,17.0559298327,-0.0101665437859,2.80203717842,19.4694915252,10.6263294019,-0.00236621812496,3.94675903436 +0.10500000000000002,0.000667520653281,17.0559298327,-0.0128563411379,2.80203717842,-1.38233592719,10.6263294019,-0.00108614061781,3.94675903436 +0.11000000000000003,-0.000209642723362,17.0559298327,-0.0185517134201,2.80203717842,-0.257274008061,10.6263294019,-0.000648733253403,3.94675903436 +0.11500000000000003,-0.00828452343367,17.0559298327,-0.0376870320832,2.80203717842,-0.0964666432242,10.6263294019,-0.000428477594825,3.94675903436 +0.12000000000000004,0.144707239827,17.0559298327,0.225504523191,2.80203717842,-0.0449010921327,10.6263294019,-0.000294927332069,3.94675903436 +0.12500000000000003,0.03526551275,17.0559298327,0.0256238274837,2.80203717842,-0.0222977585157,10.6263294019,-0.000203317850298,3.94675903436 +0.13000000000000003,0.0331703928247,17.0559298327,0.0129538127074,2.80203717842,-0.0107190798809,10.6263294019,-0.000133519351623,3.94675903436 +0.13500000000000004,0.0369186074587,17.0559298327,0.00841020326735,2.80203717842,-0.0043278080903,10.6263294019,-7.4325301277e-05,3.94675903436 +0.14000000000000004,0.0436136080195,17.0559298327,0.00608914584789,2.80203717842,-0.000736531455036,10.6263294019,-1.78827433674e-05,3.94675903436 +0.14500000000000005,0.0533321888769,17.0559298327,0.00468169339618,2.80203717842,0.00120879479541,10.6263294019,4.30261471329e-05,3.94675903436 +0.15000000000000005,0.0674116919862,17.0559298327,0.00372924865983,2.80203717842,0.00214420007139,10.6263294019,0.000117102174359,3.94675903436 +0.15500000000000005,0.0891968213127,17.0559298327,0.00302732767872,2.80203717842,0.00245434257718,10.6263294019,0.000217359782777,3.94675903436 +0.16000000000000006,0.127404954201,17.0559298327,0.00246903815056,2.80203717842,0.00238171352001,10.6263294019,0.000366651411219,3.94675903436 +0.16500000000000006,0.210920752682,17.0559298327,0.0019913857224,2.80203717842,0.00207262799839,10.6263294019,0.000611341259544,3.94675903436 +0.17000000000000007,0.498933262292,17.0559298327,0.00155338362272,2.80203717842,0.00158067306088,10.6263294019,0.0010637940542,3.94675903436 +0.17500000000000007,6.46878977584,17.0559298327,0.00112593710116,2.80203717842,0.000626655506181,10.6263294019,0.00208610786992,3.94675903436 +0.18000000000000008,-0.655111298002,17.0559298327,0.00068665319288,2.80203717842,0.00207238908005,10.6263294019,0.00585768478698,3.94675903436 +0.18500000000000008,-0.0317676366152,17.0559298327,0.000216876394806,2.80203717842,-0.00564972432766,10.6263294019,-0.0280610566834,3.94675903436 +0.19000000000000009,0.0154397403767,17.0559298327,-0.000300246989807,2.80203717842,-0.000127857177934,10.6263294019,-0.00579642972555,3.94675903436 +0.1950000000000001,0.0209405045381,17.0559298327,-0.000881279280905,2.80203717842,0.000417907653267,10.6263294019,-0.0038052598963,3.94675903436 +0.2000000000000001,0.0193113216303,17.0559298327,-0.00154394429753,2.80203717842,0.00054169521748,10.6263294019,-0.00309861301637,3.94675903436 +0.2050000000000001,0.0162762817161,17.0559298327,-0.00230882190973,2.80203717842,0.000386115804839,10.6263294019,-0.00274818216886,3.94675903436 +0.2100000000000001,0.013146090386,17.0559298327,-0.0032016225129,2.80203717842,0.000583485476929,10.6263294019,-0.00253594406895,3.94675903436 +0.2150000000000001,0.0102444666072,17.0559298327,-0.00425653424934,2.80203717842,0.00115971533675,10.6263294019,-0.00238349915694,3.94675903436 +0.2200000000000001,0.0076307381254,17.0559298327,-0.00552148255128,2.80203717842,0.00178861090912,10.6263294019,-0.00225711318374,3.94675903436 +0.22500000000000012,0.00529130629044,17.0559298327,-0.00706688289465,2.80203717842,0.00255513351549,10.6263294019,-0.00214199093714,3.94675903436 +0.23000000000000012,0.00319965272217,17.0559298327,-0.00900111114621,2.80203717842,0.0035360070843,10.6263294019,-0.00203267234587,3.94675903436 +0.23500000000000013,0.00134241754939,17.0559298327,-0.0114998194579,2.80203717842,0.00483543162566,10.6263294019,-0.00192838052285,3.94675903436 +0.24000000000000013,-0.000251759689033,17.0559298327,-0.0148664146913,2.80203717842,0.00661557445297,10.6263294019,-0.00183040889086,3.94675903436 +0.24500000000000013,-0.00142719330876,17.0559298327,-0.0196711386476,2.80203717842,0.00915138000249,10.6263294019,-0.00174065200117,3.94675903436 +0.2500000000000001,-0.00134156208403,17.0559298327,-0.0271215733256,2.80203717842,0.0129471305693,10.6263294019,-0.00166088128894,3.94675903436 +0.2550000000000001,-0.00454121171289,17.0559298327,-0.0402872724642,2.80203717842,0.0190149428371,10.6263294019,-0.00159249232021,3.94675903436 +0.2600000000000001,-0.0133176210049,17.0559298327,-0.0699107813472,2.80203717842,0.029638700964,10.6263294019,-0.00153651636415,3.94675903436 +0.2650000000000001,-0.0489126794165,17.0559298327,-0.198132500708,2.80203717842,0.0509039942947,10.6263294019,-0.00149375614947,3.94675903436 +0.27000000000000013,0.0886661204926,17.0559298327,0.318548206408,2.80203717842,0.103843483557,10.6263294019,-0.00146496712723,3.94675903436 +0.27500000000000013,0.0263483245148,17.0559298327,0.0962613977282,2.80203717842,0.30629385869,10.6263294019,-0.0014510519733,3.94675903436 +0.28000000000000014,0.0118768455379,17.0559298327,0.0595519445626,2.80203717842,3.52056808431,10.6263294019,-0.00145326716944,3.94675903436 +0.28500000000000014,0.00952071153643,17.0559298327,0.0446187950249,2.80203717842,-1.90127541356,10.6263294019,-0.0014734621324,3.94675903436 +0.29000000000000015,0.0165981439163,17.0559298327,0.0366451537582,2.80203717842,-0.25741702441,10.6263294019,-0.00151439176325,3.94675903436 +0.29500000000000015,0.0218944490705,17.0559298327,0.0317991936693,2.80203717842,-0.0973929163908,10.6263294019,-0.00158017290396,3.94675903436 +0.30000000000000016,0.0272600383624,17.0559298327,0.0286506533365,2.80203717842,-0.0511392440585,10.6263294019,-0.00167701078006,3.94675903436 +0.30500000000000016,0.0334048754438,17.0559298327,0.026549321246,2.80203717842,-0.0316914741449,10.6263294019,-0.00181443793749,3.94675903436 +0.31000000000000016,0.0409491507304,17.0559298327,0.0251625927794,2.80203717842,-0.0217606110383,10.6263294019,-0.00200757071178,3.94675903436 +0.31500000000000017,0.0506987399776,17.0559298327,0.0243090037022,2.80203717842,-0.0160644342904,10.6263294019,-0.0022815310887,3.94675903436 +0.3200000000000002,0.0639049918989,17.0559298327,0.0238888181343,2.80203717842,-0.0125604451552,10.6263294019,-0.00268092991158,3.94675903436 +0.3250000000000002,0.0827222651006,17.0559298327,0.0238525614576,2.80203717842,-0.0103452193036,10.6263294019,-0.00329276522819,3.94675903436 +0.3300000000000002,0.111217443509,17.0559298327,0.0241868439622,2.80203717842,-0.0090194313897,10.6263294019,-0.00431169634744,3.94675903436 +0.3350000000000002,0.157951357965,17.0559298327,0.0249096883531,2.80203717842,-0.00853773267382,10.6263294019,-0.00627995344153,3.94675903436 +0.3400000000000002,0.243821515825,17.0559298327,0.0260728598896,2.80203717842,-0.00967126758226,10.6263294019,-0.0114854974896,3.94675903436 +0.3450000000000002,0.432623370926,17.0559298327,0.0277718222232,2.80203717842,-0.0285605934433,10.6263294019,-0.059909034898,3.94675903436 +0.3500000000000002,1.01217938142,17.0559298327,0.0301673558062,2.80203717842,0.0044207317791,10.6263294019,0.0196764669438,3.94675903436 +0.3550000000000002,5.35107276081,17.0559298327,0.0335292350289,2.80203717842,0.000542683623389,10.6263294019,0.00872235955827,3.94675903436 +0.3600000000000002,-26.5029092581,17.0559298327,0.0383278895683,2.80203717842,4.58421200142e-05,10.6263294019,0.00574069816566,3.94675903436 +0.3650000000000002,-1.06714375597,17.0559298327,0.0454447649229,2.80203717842,-0.000276764471002,10.6263294019,0.00436502065231,3.94675903436 +0.3700000000000002,-0.194506526601,17.0559298327,0.0567256927075,2.80203717842,-0.000574211076725,10.6263294019,0.00358206498815,3.94675903436 +0.3750000000000002,0.0254547730141,17.0559298327,0.076768170879,2.80203717842,-0.000791036912911,10.6263294019,0.00308263480337,3.94675903436 +0.3800000000000002,0.165618826081,17.0559298327,0.121042578893,2.80203717842,-0.000903906892494,10.6263294019,0.00274064040645,3.94675903436 +0.38500000000000023,0.487709481509,17.0559298327,0.294288341458,2.80203717842,-0.00084907668413,10.6263294019,0.00249509373355,3.94675903436 +0.39000000000000024,-1.12196199264,17.0559298327,-0.66528169721,2.80203717842,-0.000221034645325,10.6263294019,0.00231295829839,3.94675903436 +0.39500000000000024,-0.252628102145,17.0559298327,-0.156643811924,2.80203717842,-0.00130640837399,10.6263294019,0.00217484705076,3.94675903436 +0.40000000000000024,-0.133578368846,17.0559298327,-0.0893616762474,2.80203717842,-0.00234046719873,10.6263294019,0.00206870052358,3.94675903436 +0.40500000000000025,-0.0854337532619,17.0559298327,-0.0629971127082,2.80203717842,-0.00360895144704,10.6263294019,0.0019866944264,3.94675903436 +0.41000000000000025,-0.0591443091825,17.0559298327,-0.0490442421112,2.80203717842,-0.00526974216938,10.6263294019,0.00192360550985,3.94675903436 +0.41500000000000026,-0.0423629480901,17.0559298327,-0.0404861292337,2.80203717842,-0.00752448453848,10.6263294019,0.00187589502334,3.94675903436 +0.42000000000000026,-0.0304148034619,17.0559298327,-0.0347579590522,2.80203717842,-0.0106834641405,10.6263294019,0.00184117128988,3.94675903436 +0.42500000000000027,-0.0209983700673,17.0559298327,-0.0307004950546,2.80203717842,-0.0152607917455,10.6263294019,0.0018178656399,3.94675903436 +0.43000000000000027,-0.0124410821025,17.0559298327,-0.0277141606588,2.80203717842,-0.0221631385471,10.6263294019,0.00180503625423,3.94675903436 +0.4350000000000003,-0.00454472183506,17.0559298327,-0.0254585416436,2.80203717842,-0.0331081849945,10.6263294019,0.00180225461043,3.94675903436 +0.4400000000000003,-0.0113462342608,17.0559298327,-0.0237268822941,2.80203717842,-0.0516606353503,10.6263294019,0.00180955095554,3.94675903436 +0.4450000000000003,-0.0138298611298,17.0559298327,-0.0223872489175,2.80203717842,-0.0861888254948,10.6263294019,0.00182740841981,3.94675903436 +0.4500000000000003,-0.0147636569806,17.0559298327,-0.0213524585446,2.80203717842,-0.160170496467,10.6263294019,0.00185680510665,3.94675903436 +0.4550000000000003,-0.0145048375723,17.0559298327,-0.0205636652308,2.80203717842,-0.361214248897,10.6263294019,0.00189931302641,3.94675903436 +0.4600000000000003,-0.0127605113913,17.0559298327,-0.0199809546106,2.80203717842,-1.25893602832,10.6263294019,0.00195727528241,3.94675903436 +0.4650000000000003,-0.00781052890179,17.0559298327,-0.019577787124,2.80203717842,-33.79425033,10.6263294019,0.00203410321329,3.94675903436 +0.4700000000000003,-0.0110367254087,17.0559298327,-0.0193377012923,2.80203717842,3.97807560743,10.6263294019,0.0021347723539,3.94675903436 +0.4750000000000003,-0.0207997247792,17.0559298327,-0.019252453686,2.80203717842,0.775432666046,10.6263294019,0.00226667000184,3.94675903436 +0.4800000000000003,-0.0308859094082,17.0559298327,-0.0193211792233,2.80203717842,0.331561439953,10.6263294019,0.00244110546413,3.94675903436 +0.4850000000000003,-0.0428180997344,17.0559298327,-0.0195504022636,2.80203717842,0.187403608889,10.6263294019,0.00267616096866,3.94675903436 +0.4900000000000003,-0.0497971047289,17.0559298327,-0.0199549168002,2.80203717842,0.107517874098,10.6263294019,0.00300249621271,3.94675903436 +0.49500000000000033,-0.0493790276505,17.0559298327,-0.0204597771465,2.80203717842,0.0736976764024,10.6263294019,0.00323485187901,3.94675903436 diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_7.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_7.csv new file mode 100644 index 0000000000..2c3822db75 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_7.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,-0.0306827499538,9.41582507018,-0.000557451122591,1.11278977424,3.23285962905e-05,26.7626230727,-3.97768207706e-05,3.11855839636 +0.005,0.902904316983,9.41582507018,-0.00112495449284,1.11278977424,0.00010752701866,26.7626230727,-5.11548404776e-05,3.11855839636 +0.01,0.0165880760891,9.41582507018,0.00114089926273,1.11278977424,0.000248267258665,26.7626230727,-6.30232498458e-05,3.11855839636 +0.015,0.00355786035287,9.41582507018,0.000421371820622,1.11278977424,0.00037315669509,26.7626230727,-7.38163161171e-05,3.11855839636 +0.02,0.00161337259969,9.41582507018,0.000278429812737,1.11278977424,0.000462015240706,26.7626230727,-8.33604223263e-05,3.11855839636 +0.025,0.000954019394913,9.41582507018,0.000219869626604,1.11278977424,0.00050508386182,26.7626230727,-9.16902895052e-05,3.11855839636 +0.030000000000000002,0.000647812985872,9.41582507018,0.000189606326064,1.11278977424,0.000455791762794,26.7626230727,-9.90026468141e-05,3.11855839636 +0.035,0.000477958125948,9.41582507018,0.000172252706692,1.11278977424,0.000198308747405,26.7626230727,-0.000105602575883,3.11855839636 +0.04,0.000371801216637,9.41582507018,0.000161899497952,1.11278977424,0.000838707484391,26.7626230727,-0.00011186527912,3.11855839636 +0.045,0.000299200174921,9.41582507018,0.000155826972898,1.11278977424,0.00148760310243,26.7626230727,-0.000118224378687,3.11855839636 +0.049999999999999996,0.00024567597282,9.41582507018,0.00015265197448,1.11278977424,0.00232839457664,26.7626230727,-0.000125192300053,3.11855839636 +0.05499999999999999,0.000203411544118,9.41582507018,0.000151649095753,1.11278977424,0.00347283925572,26.7626230727,-0.000133422167594,3.11855839636 +0.05999999999999999,0.000167662679905,9.41582507018,0.000152467686434,1.11278977424,0.0050734926912,26.7626230727,-0.000143837878484,3.11855839636 +0.06499999999999999,0.00013503915901,9.41582507018,0.000155009611959,1.11278977424,0.0073667798554,26.7626230727,-0.000157905145923,3.11855839636 +0.06999999999999999,0.000102261567593,9.41582507018,0.000159387238238,1.11278977424,0.0107427641775,26.7626230727,-0.000178249677159,3.11855839636 +0.075,6.34386960977e-05,9.41582507018,0.000165936730283,1.11278977424,0.0158853299862,26.7626230727,-0.000210289020811,3.11855839636 +0.08,3.87347745242e-05,9.41582507018,0.000175291467633,1.11278977424,0.0240843846341,26.7626230727,-0.000267577213734,3.11855839636 +0.085,7.96192871896e-05,9.41582507018,0.000188552920371,1.11278977424,0.0379986911922,26.7626230727,-0.000396822094901,3.11855839636 +0.09000000000000001,0.000102571823978,9.41582507018,0.000207663091006,1.11278977424,0.0633224473537,26.7626230727,-0.000941630522183,3.11855839636 +0.09500000000000001,0.000117554274876,9.41582507018,0.000236268340775,1.11278977424,0.132404684301,26.7626230727,0.00145531495952,3.11855839636 +0.10000000000000002,0.000124487282285,9.41582507018,0.000281996779682,1.11278977424,0.31503518025,26.7626230727,0.00035834387222,3.11855839636 +0.10500000000000002,0.000115287091373,9.41582507018,0.000363808896115,1.11278977424,1.59083348437,26.7626230727,0.000187508432009,3.11855839636 +0.11000000000000003,5.1909021237e-05,9.41582507018,0.000545316634447,1.11278977424,-21.3048443491,26.7626230727,0.00011851795602,3.11855839636 +0.11500000000000003,0.000386518403935,9.41582507018,0.00125410530737,1.11278977424,-0.591950911494,26.7626230727,8.12900326612e-05,3.11855839636 +0.12000000000000004,-0.000946482736945,9.41582507018,-0.00276479865149,1.11278977424,-0.155048626235,26.7626230727,5.78629181494e-05,3.11855839636 +0.12500000000000003,-0.000151746541504,9.41582507018,-0.000609212147903,1.11278977424,-0.0601471585328,26.7626230727,4.14666739701e-05,3.11855839636 +0.13000000000000003,-1.03877529358e-06,9.41582507018,-0.000329213157915,1.11278977424,-0.0260683220409,26.7626230727,2.88946006248e-05,3.11855839636 +0.13500000000000004,9.63870452114e-05,9.41582507018,-0.000220024971557,1.11278977424,-0.0108509351514,26.7626230727,1.83209482826e-05,3.11855839636 +0.14000000000000004,0.000184289435455,9.41582507018,-0.000162298633374,1.11278977424,-0.0033447046694,26.7626230727,8.4824235061e-06,3.11855839636 +0.14500000000000005,0.000276411572646,9.41582507018,-0.000126689798503,1.11278977424,0.000448179571599,26.7626230727,-1.72192077198e-06,3.11855839636 +0.15000000000000005,0.000382498002631,9.41582507018,-0.000102428122283,1.11278977424,0.00226833569207,26.7626230727,-1.3516459439e-05,3.11855839636 +0.15500000000000005,0.00051526527586,9.41582507018,-8.45888151489e-05,1.11278977424,0.00298490713824,26.7626230727,-2.85792378502e-05,3.11855839636 +0.16000000000000006,0.000697535958197,9.41582507018,-7.05645801842e-05,1.11278977424,0.00307385503078,26.7626230727,-4.96035508974e-05,3.11855839636 +0.16500000000000006,0.000978872252848,9.41582507018,-5.88136820266e-05,1.11278977424,0.00280852300668,26.7626230727,-8.15087433565e-05,3.11855839636 +0.17000000000000007,0.0014913130025,9.41582507018,-4.83371586243e-05,1.11278977424,0.00234462818666,26.7626230727,-0.000134580255489,3.11855839636 +0.17500000000000007,0.00272017373639,9.41582507018,-3.84330408682e-05,1.11278977424,0.00175903250862,26.7626230727,-0.000234611481383,3.11855839636 +0.18000000000000008,0.00820538933534,9.41582507018,-2.85693413718e-05,1.11278977424,0.0010499187463,26.7626230727,-0.000469253336785,3.11855839636 +0.18500000000000008,-10.6977065865,9.41582507018,-1.83127323453e-05,1.11278977424,0.000377467807423,26.7626230727,-0.00144334631206,3.11855839636 +0.19000000000000009,-0.00181876954186,9.41582507018,-7.28520083071e-06,1.11278977424,0.00198829432899,26.7626230727,0.00380352835494,3.11855839636 +0.1950000000000001,0.000298016909274,9.41582507018,4.86442780661e-06,1.11278977424,0.00172315240834,26.7626230727,0.00114095531263,3.11855839636 +0.2000000000000001,0.000484613282186,9.41582507018,1.84806778369e-05,1.11278977424,0.00173198505852,26.7626230727,0.000802430356588,3.11855839636 +0.2050000000000001,0.000478409389526,9.41582507018,3.39168035716e-05,1.11278977424,0.00164113577386,26.7626230727,0.000692843913681,3.11855839636 +0.2100000000000001,0.000443143571947,9.41582507018,5.15473038338e-05,1.11278977424,0.00137529101676,26.7626230727,0.000657905411826,3.11855839636 +0.2150000000000001,0.000406683877593,9.41582507018,7.17787175624e-05,1.11278977424,0.000633598181294,26.7626230727,0.000660244626901,3.11855839636 +0.2200000000000001,0.000374086409908,9.41582507018,9.50594242387e-05,1.11278977424,0.00145154624477,26.7626230727,0.000687097357742,3.11855839636 +0.22500000000000012,0.000345348559774,9.41582507018,0.000121888944865,1.11278977424,0.0024919919182,26.7626230727,0.000733691388974,3.11855839636 +0.23000000000000012,0.000319182009349,9.41582507018,0.000152827124769,1.11278977424,0.00359454513161,26.7626230727,0.000798644650834,3.11855839636 +0.23500000000000013,0.000293887601063,9.41582507018,0.000188503543319,1.11278977424,0.00490517967202,26.7626230727,0.000882352195968,3.11855839636 +0.24000000000000013,0.000267455857994,9.41582507018,0.000229627527076,1.11278977424,0.0065590112144,26.7626230727,0.000986327669379,3.11855839636 +0.24500000000000013,0.000237319510863,9.41582507018,0.000276999245557,1.11278977424,0.0087409751708,26.7626230727,0.00111289297195,3.11855839636 +0.2500000000000001,0.000199579114608,9.41582507018,0.000331522555985,1.11278977424,0.0117404008389,26.7626230727,0.00126498847598,3.11855839636 +0.2550000000000001,0.000146057429909,9.41582507018,0.000394220556496,1.11278977424,0.0160477113723,26.7626230727,0.00144599092204,3.11855839636 +0.2600000000000001,1.90837157492e-05,9.41582507018,0.000466255236193,1.11278977424,0.0225605981899,26.7626230727,0.00165945967176,3.11855839636 +0.2650000000000001,0.000151737370652,9.41582507018,0.000548953216518,1.11278977424,0.0330806750009,26.7626230727,0.00190873844014,3.11855839636 +0.27000000000000013,0.000218700149796,9.41582507018,0.000643840421163,1.11278977424,0.0516929209211,26.7626230727,0.00219634308257,3.11855839636 +0.27500000000000013,0.0002670189776,9.41582507018,0.00075268968204,1.11278977424,0.0894273854518,26.7626230727,0.00252308720763,3.11855839636 +0.28000000000000014,0.000295840969064,9.41582507018,0.000877586934222,1.11278977424,0.185555738772,26.7626230727,0.002886961159,3.11855839636 +0.28500000000000014,0.00029146395723,9.41582507018,0.00102102402236,1.11278977424,0.577167840156,26.7626230727,0.00328190958063,3.11855839636 +0.29000000000000015,0.000204925986361,9.41582507018,0.00118602966583,1.11278977424,10.2487352137,26.7626230727,0.00369684641987,3.11855839636 +0.29500000000000015,0.000284536483274,9.41582507018,0.00137635556721,1.11278977424,-1.99347013948,26.7626230727,0.00411543626571,3.11855839636 +0.30000000000000016,0.000596911791929,9.41582507018,0.00159674334825,1.11278977424,-0.320959386856,26.7626230727,0.0045171998707,3.11855839636 +0.30500000000000016,0.000957747446753,9.41582507018,0.00185331241199,1.11278977424,-0.120733662553,26.7626230727,0.00488018580299,3.11855839636 +0.31000000000000016,0.00141891567545,9.41582507018,0.00215413353736,1.11278977424,-0.0605269635727,26.7626230727,0.0051847701627,3.11855839636 +0.31500000000000017,0.00203066329996,9.41582507018,0.00251009686648,1.11278977424,-0.0350851626381,26.7626230727,0.00541742730367,3.11855839636 +0.3200000000000002,0.0028638633866,9.41582507018,0.00293626382708,1.11278977424,-0.0222276102019,26.7626230727,0.00557310011959,3.11855839636 +0.3250000000000002,0.00402927490083,9.41582507018,0.00345404844976,1.11278977424,-0.0149751184191,26.7626230727,0.00565536595129,3.11855839636 +0.3300000000000002,0.00571119111095,9.41582507018,0.00409489024731,1.11278977424,-0.0105625631986,26.7626230727,0.00567460221727,3.11855839636 +0.3350000000000002,0.00823605774456,9.41582507018,0.00490676581009,1.11278977424,-0.0077153027945,26.7626230727,0.00564512067525,3.11855839636 +0.3400000000000002,0.0122271018125,9.41582507018,0.00596648538713,1.11278977424,-0.00577991464454,26.7626230727,0.00558235862682,3.11855839636 +0.3450000000000002,0.018995346848,9.41582507018,0.00740482498323,1.11278977424,-0.00439394557158,26.7626230727,0.00550082435537,3.11855839636 +0.3500000000000002,0.0316929901205,9.41582507018,0.00946343340245,1.11278977424,-0.00334234235238,26.7626230727,0.00541298554899,3.11855839636 +0.3550000000000002,0.0595709626355,9.41582507018,0.0126429144169,1.11278977424,-0.0024863447892,26.7626230727,0.00532894549572,3.11855839636 +0.3600000000000002,0.140776212592,9.41582507018,0.0181746074932,1.11278977424,-0.00171772464755,26.7626230727,0.00525663011472,3.11855839636 +0.3650000000000002,0.626854978843,9.41582507018,0.0301146631651,1.11278977424,-0.000873774219684,26.7626230727,0.00520223492173,3.11855839636 +0.3700000000000002,2.05044640812,9.41582507018,0.0743055194479,1.11278977424,-0.000868952684127,26.7626230727,0.005170763208,3.11855839636 +0.3750000000000002,-1.967788632,9.41582507018,-0.228642820892,1.11278977424,-0.0013411350317,26.7626230727,0.00516656840981,3.11855839636 +0.3800000000000002,-0.245003908081,9.41582507018,-0.0490085283738,1.11278977424,-0.0015658039418,26.7626230727,0.00519387448625,3.11855839636 +0.38500000000000023,-0.100123174825,9.41582507018,-0.0287984424702,1.11278977424,-0.00164975224519,26.7626230727,0.00525728862216,3.11855839636 +0.39000000000000024,-0.05542537026,9.41582507018,-0.021097130417,1.11278977424,-0.0015957477508,26.7626230727,0.00536234935958,3.11855839636 +0.39500000000000024,-0.0355326760753,9.41582507018,-0.0170989701414,1.11278977424,-0.00133583190046,26.7626230727,0.00551618120264,3.11855839636 +0.40000000000000024,-0.0248271759234,9.41582507018,-0.0147030530606,1.11278977424,-0.000431356964331,26.7626230727,0.00572836665979,3.11855839636 +0.40500000000000025,-0.0183315366917,9.41582507018,-0.0131542795141,1.11278977424,-0.00163124640358,26.7626230727,0.00601221751251,3.11855839636 +0.41000000000000025,-0.014039428773,9.41582507018,-0.0121164464296,1.11278977424,-0.00272489168365,26.7626230727,0.00638676433496,3.11855839636 +0.41500000000000026,-0.0110075021854,9.41582507018,-0.0114192283556,1.11278977424,-0.00389707823712,26.7626230727,0.00688006422458,3.11855839636 +0.42000000000000026,-0.00873844218418,9.41582507018,-0.010969436566,1.11278977424,-0.00526257780172,26.7626230727,0.00753503682461,3.11855839636 +0.42500000000000027,-0.00694247493037,9.41582507018,-0.010714530666,1.11278977424,-0.0069092473011,26.7626230727,0.0084204650592,3.11855839636 +0.43000000000000027,-0.00542968459402,9.41582507018,-0.0106260431118,1.11278977424,-0.008919334962,26.7626230727,0.00965345784477,3.11855839636 +0.4350000000000003,-0.00404685483649,9.41582507018,-0.0106917823832,1.11278977424,-0.011334640699,26.7626230727,0.0114502689769,3.11855839636 +0.4400000000000003,-0.00259270956285,9.41582507018,-0.0109125570054,1.11278977424,-0.0139824921564,26.7626230727,0.0142583859854,3.11855839636 +0.4450000000000003,-0.000869341591331,9.41582507018,-0.0113018241527,1.11278977424,-0.015685422106,26.7626230727,0.0191766301145,3.11855839636 +0.4500000000000003,-0.00261042853509,9.41582507018,-0.0118880026411,1.11278977424,-0.00976379372345,26.7626230727,0.029814143336,3.11855839636 +0.4550000000000003,-0.00344428825304,9.41582507018,-0.0127202913723,1.11278977424,0.0637181974297,26.7626230727,0.0689859651338,3.11855839636 +0.4600000000000003,-0.00399788704279,9.41582507018,-0.0138804842168,1.11278977424,-0.874835797642,26.7626230727,-0.208169930301,3.11855839636 +0.4650000000000003,-0.004330498936,9.41582507018,-0.0155068429663,1.11278977424,-0.593560492947,26.7626230727,-0.041378998195,3.11855839636 +0.4700000000000003,-0.00431577516571,9.41582507018,-0.0178454317953,1.11278977424,-1.42955754325,26.7626230727,-0.023041078054,3.11855839636 +0.4750000000000003,-0.00329586376578,9.41582507018,-0.0213728514744,1.11278977424,-19.2990481855,26.7626230727,-0.0160481184739,3.11855839636 +0.4800000000000003,-0.00451029883553,9.41582507018,-0.0271394764463,1.11278977424,5.44897180868,26.7626230727,-0.0123897802269,3.11855839636 +0.4850000000000003,-0.0119025242749,9.41582507018,-0.0379906792011,1.11278977424,0.826637403068,26.7626230727,-0.0101614164409,3.11855839636 +0.4900000000000003,-0.0244749095371,9.41582507018,-0.0652289208328,1.11278977424,0.278172048151,26.7626230727,-0.00867817231596,3.11855839636 +0.49500000000000033,-0.0382687518741,9.41582507018,-0.102746733456,1.11278977424,0.159666457462,26.7626230727,-0.00810965884763,3.11855839636 diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_8.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_8.csv new file mode 100644 index 0000000000..6fceed1c6f --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_8.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,0.0766179352583,17.382257437,0.000755459814065,3.04157746282,-0.0140341780609,44.7642229618,-0.0667114589931,5.49765965736 +0.005,0.0634762364734,17.382257437,-2.37886667141e-07,3.04157746282,-0.0198530934049,44.7642229618,-0.0836126007673,5.49765965736 +0.01,0.0427570295443,17.382257437,-8.45402657216e-08,3.04157746282,-0.0252939453424,44.7642229618,-0.100349963348,5.49765965736 +0.015,0.0286018652395,17.382257437,-5.57957133201e-08,3.04157746282,-0.0243388730404,44.7642229618,-0.115046986624,5.49765965736 +0.02,0.0210236449805,17.382257437,-4.42667142247e-08,3.04157746282,-0.0129984415582,44.7642229618,-0.127728188461,5.49765965736 +0.025,0.0164575281605,17.382257437,-3.84227771502e-08,3.04157746282,-0.0283035069215,44.7642229618,-0.13872547446,5.49765965736 +0.030000000000000002,0.0134418131959,17.382257437,-3.51517091895e-08,3.04157746282,-0.0502366951236,44.7642229618,-0.148567035324,5.49765965736 +0.035,0.0112825784351,17.382257437,-3.32697900065e-08,3.04157746282,-0.0728063028921,44.7642229618,-0.157900812851,5.49765965736 +0.04,0.00960829455293,17.382257437,-3.22378490597e-08,3.04157746282,-0.0981902030458,44.7642229618,-0.167475585491,5.49765965736 +0.045,0.00819416765048,17.382257437,-3.17868308301e-08,3.04157746282,-0.128379738659,44.7642229618,-0.178190252587,5.49765965736 +0.049999999999999996,0.00688019091495,17.382257437,-3.17820325634e-08,3.04157746282,-0.166340299881,44.7642229618,-0.191234386736,5.49765965736 +0.05499999999999999,0.00551759426795,17.382257437,-3.2167767044e-08,3.04157746282,-0.217201578683,44.7642229618,-0.208392722618,5.49765965736 +0.05999999999999999,0.00388240844208,17.382257437,-3.29453857917e-08,3.04157746282,-0.290804374855,44.7642229618,-0.232728462736,5.49765965736 +0.06499999999999999,0.000718467776938,17.382257437,-3.41694417397e-08,3.04157746282,-0.408478140868,44.7642229618,-0.270329968835,5.49765965736 +0.06999999999999999,0.00365483905979,17.382257437,-3.5959154201e-08,3.04157746282,-0.625213421512,44.7642229618,-0.33577072639,5.49765965736 +0.075,0.00510229819122,17.382257437,-3.85312409052e-08,3.04157746282,-1.12948805066,44.7642229618,-0.475684829117,5.49765965736 +0.08,0.00601119925538,17.382257437,-4.22748563649e-08,3.04157746282,-3.11685857128,44.7642229618,-0.967966986377,5.49765965736 +0.085,0.00640846745449,17.382257437,-4.79284952287e-08,3.04157746282,17.7930104612,44.7642229618,3.61274599878,5.49765965736 +0.09000000000000001,0.00604375957229,17.382257437,-5.70523913778e-08,3.04157746282,5.35189434669,44.7642229618,0.529095850456,5.49765965736 +0.09500000000000001,0.00398213815592,17.382257437,-7.35780664916e-08,3.04157746282,24.8146650348,44.7642229618,0.25674482114,5.49765965736 +0.10000000000000002,0.00553682685252,17.382257437,-1.11032838583e-07,3.04157746282,0.258751826313,44.7642229618,0.155549851088,5.49765965736 +0.10500000000000002,0.0107953176057,17.382257437,-2.67586197346e-07,3.04157746282,0.327998619471,44.7642229618,0.102750899158,5.49765965736 +0.11000000000000003,0.0161203828179,17.382257437,4.46800910848e-07,3.04157746282,0.170078372383,44.7642229618,0.0699664304609,5.49765965736 +0.11500000000000003,0.0220007957478,17.382257437,1.12042588921e-07,3.04157746282,0.0904048618576,44.7642229618,0.0469550141142,5.49765965736 +0.12000000000000004,0.0286209377741,17.382257437,6.12730188443e-08,3.04157746282,0.0460652867323,44.7642229618,0.0289153741263,5.49765965736 +0.12500000000000003,0.0361246921327,17.382257437,4.09369377937e-08,3.04157746282,0.0176903531448,44.7642229618,0.0130230763885,5.49765965736 +0.13000000000000003,0.0446985036227,17.382257437,3.0037208598e-08,3.04157746282,-0.00338956638442,44.7642229618,-0.00287654390044,5.49765965736 +0.13500000000000004,0.0546533591936,17.382257437,2.32262928677e-08,3.04157746282,-0.021594472442,44.7642229618,-0.0209917021408,5.49765965736 +0.14000000000000004,0.0665529540417,17.382257437,1.85015539036e-08,3.04157746282,-0.0396630593666,44.7642229618,-0.0442792801278,5.49765965736 +0.14500000000000005,0.0814554862728,17.382257437,1.49305409444e-08,3.04157746282,-0.0598781249142,44.7642229618,-0.0775699273158,5.49765965736 +0.15000000000000005,0.101450488483,17.382257437,1.2008965536e-08,3.04157746282,-0.0849733064531,44.7642229618,-0.130080889287,5.49765965736 +0.15500000000000005,0.131087691699,17.382257437,9.43049458666e-09,3.04157746282,-0.119536030406,44.7642229618,-0.222508547462,5.49765965736 +0.16000000000000006,0.182186827663,17.382257437,6.98998015508e-09,3.04157746282,-0.174241341616,44.7642229618,-0.413591494153,5.49765965736 +0.16500000000000006,0.297507195561,17.382257437,4.53756308295e-09,3.04157746282,-0.289227085144,44.7642229618,-0.963642202773,5.49765965736 +0.17000000000000007,0.837797414979,17.382257437,1.95431528909e-09,3.04157746282,-1.32413875409,44.7642229618,-8.63679459601,5.49765965736 +0.17500000000000007,0.837676472005,17.382257437,-8.62578290917e-10,3.04157746282,0.314543654714,44.7642229618,1.99844153162,5.49765965736 +0.18000000000000008,0.279293962,17.382257437,-4.01072931105e-09,3.04157746282,0.260293294945,44.7642229618,1.09238186369,5.49765965736 +0.18500000000000008,0.161040950522,17.382257437,-7.59274667908e-09,3.04157746282,0.225977459461,44.7642229618,0.831034650158,5.49765965736 +0.19000000000000009,0.110044322648,17.382257437,-1.17281972013e-08,3.04157746282,0.195962237397,44.7642229618,0.706011058762,5.49765965736 +0.1950000000000001,0.0815169701597,17.382257437,-1.65701065808e-08,3.04157746282,0.161632599019,44.7642229618,0.628518845663,5.49765965736 +0.2000000000000001,0.0632046975998,17.382257437,-2.2330243826e-08,3.04157746282,0.114874416572,44.7642229618,0.57093222884,5.49765965736 +0.2050000000000001,0.0503844703786,17.382257437,-2.93209701027e-08,3.04157746282,0.0208004483174,44.7642229618,0.522711837371,5.49765965736 +0.2100000000000001,0.0408436777528,17.382257437,-3.80296619088e-08,3.04157746282,0.120357523115,44.7642229618,0.479778351864,5.49765965736 +0.2150000000000001,0.0334026737013,17.382257437,-4.92619406658e-08,3.04157746282,0.16959777707,44.7642229618,0.440788804413,5.49765965736 +0.2200000000000001,0.0273695701411,17.382257437,-6.44446399277e-08,3.04157746282,0.20824181058,44.7642229618,0.405497198787,5.49765965736 +0.22500000000000012,0.0223047163346,17.382257437,-8.63485530164e-08,3.04157746282,0.242484086328,44.7642229618,0.373985814301,5.49765965736 +0.23000000000000012,0.0179041859402,17.382257437,-1.2112045367e-07,3.04157746282,0.275804025599,44.7642229618,0.346339629622,5.49765965736 +0.23500000000000013,0.0139298028655,17.382257437,-1.85599687903e-07,3.04157746282,0.311195940663,44.7642229618,0.322549142671,5.49765965736 +0.24000000000000013,0.0101407813938,17.382257437,-3.48242830226e-07,3.04157746282,0.351963531459,44.7642229618,0.302516917789,5.49765965736 +0.24500000000000013,0.00610456971412,17.382257437,-1.57210165907e-06,3.04157746282,0.402459786508,44.7642229618,0.286099832693,5.49765965736 +0.2500000000000001,0.00299428610602,17.382257437,7.31761569145e-07,3.04157746282,0.469302994217,44.7642229618,0.273155791181,5.49765965736 +0.2550000000000001,0.0063209961021,17.382257437,3.15611005104e-07,3.04157746282,0.56391709594,44.7642229618,0.263584697327,5.49765965736 +0.2600000000000001,0.00763085848306,17.382257437,2.08759055658e-07,3.04157746282,0.708782814487,44.7642229618,0.25736383937,5.49765965736 +0.2650000000000001,0.00806982840295,17.382257437,1.60146511978e-07,3.04157746282,0.95604598702,44.7642229618,0.254582443172,5.49765965736 +0.27000000000000013,0.00780355083358,17.382257437,1.32673376231e-07,3.04157746282,1.46111806376,44.7642229618,0.255482670362,5.49765965736 +0.27500000000000013,0.00668503315964,17.382257437,1.1531544489e-07,3.04157746282,2.97875048716,44.7642229618,0.260517308643,5.49765965736 +0.28000000000000014,0.00377413916681,17.382257437,1.0365033745e-07,3.04157746282,35.3299994478,44.7642229618,0.270440235118,5.49765965736 +0.28500000000000014,0.00589027703646,17.382257437,9.55713531568e-08,3.04157746282,3.00707462133,44.7642229618,0.286458261552,5.49765965736 +0.29000000000000015,0.0104641659443,17.382257437,8.99607553105e-08,3.04157746282,1.73733611056,44.7642229618,0.310500740214,5.49765965736 +0.29500000000000015,0.0149246930327,17.382257437,8.61859296816e-08,3.04157746282,1.28998833644,44.7642229618,0.345728441722,5.49765965736 +0.30000000000000016,0.0199054607256,17.382257437,8.38804495914e-08,3.04157746282,1.09777230447,44.7642229618,0.397569653937,5.49765965736 +0.30500000000000016,0.0258628938024,17.382257437,8.28404772045e-08,3.04157746282,1.02848810087,44.7642229618,0.476049189427,5.49765965736 +0.31000000000000016,0.0333694353498,17.382257437,8.29743583408e-08,3.04157746282,1.05098473511,44.7642229618,0.601780085684,5.49765965736 +0.31500000000000017,0.0432911903675,17.382257437,8.42804740603e-08,3.04157746282,1.18712482491,44.7642229618,0.82471452086,5.49765965736 +0.3200000000000002,0.0570681034441,17.382257437,8.68435079735e-08,3.04157746282,1.56439890115,44.7642229618,1.30477104152,5.49765965736 +0.3250000000000002,0.0772878741578,17.382257437,9.08469908799e-08,3.04157746282,2.99049489296,44.7642229618,2.98359259391,5.49765965736 +0.3300000000000002,0.109021971406,17.382257437,9.66060269805e-08,3.04157746282,-11.6430906076,44.7642229618,-13.9366598512,5.49765965736 +0.3350000000000002,0.163372867292,17.382257437,1.04632326001e-07,3.04157746282,-1.53930654615,44.7642229618,-2.23415848722,5.49765965736 +0.3400000000000002,0.26868331458,17.382257437,1.15759886144e-07,3.04157746282,-0.705340630385,44.7642229618,-1.26848415518,5.49765965736 +0.3450000000000002,0.516364584015,17.382257437,1.31398400103e-07,3.04157746282,-0.393999426039,44.7642229618,-0.915399916603,5.49765965736 +0.3500000000000002,1.35185710055,17.382257437,1.5408750332e-07,3.04157746282,-0.223495137551,44.7642229618,-0.735169703334,5.49765965736 +0.3550000000000002,8.95541200506,17.382257437,1.88862512586e-07,3.04157746282,-0.0967009866621,44.7642229618,-0.627499450317,5.49765965736 +0.3600000000000002,-28.9157925245,17.382257437,2.47255244352e-07,3.04157746282,-0.0887315595718,44.7642229618,-0.556984404462,5.49765965736 +0.3650000000000002,-2.04140064426,17.382257437,3.62658377701e-07,3.04157746282,-0.122318338424,44.7642229618,-0.50793815665,5.49765965736 +0.3700000000000002,-0.686188136722,17.382257437,6.88521252376e-07,3.04157746282,-0.130173377388,44.7642229618,-0.472349282664,5.49765965736 +0.3750000000000002,-0.342920526144,17.382257437,6.81086396551e-06,3.04157746282,-0.126207148569,44.7642229618,-0.445708879334,5.49765965736 +0.3800000000000002,-0.206358071634,17.382257437,-8.74737058002e-07,3.04157746282,-0.113160389053,44.7642229618,-0.425297229316,5.49765965736 +0.38500000000000023,-0.138258167655,17.382257437,-4.16082279754e-07,3.04157746282,-0.0888354991172,44.7642229618,-0.40938978377,5.49765965736 +0.39000000000000024,-0.0992757117514,17.382257437,-2.76141533993e-07,3.04157746282,-0.0342044876592,44.7642229618,-0.396853988338,5.49765965736 +0.39500000000000024,-0.0747228392712,17.382257437,-2.08909348535e-07,3.04157746282,-0.0873433212143,44.7642229618,-0.386929340875,5.49765965736 +0.40000000000000024,-0.058092908911,17.382257437,-1.6974028524e-07,3.04157746282,-0.137949162302,44.7642229618,-0.379100324519,5.49765965736 +0.40500000000000025,-0.0461279485462,17.382257437,-1.44328470817e-07,3.04157746282,-0.184096818585,44.7642229618,-0.373019610799,5.49765965736 +0.41000000000000025,-0.037030882991,17.382257437,-1.26681304813e-07,3.04157746282,-0.231451835307,44.7642229618,-0.368460122885,5.49765965736 +0.41500000000000026,-0.0297173927724,17.382257437,-1.1384971055e-07,3.04157746282,-0.283249427815,44.7642229618,-0.365284649124,5.49765965736 +0.42000000000000026,-0.0234564906682,17.382257437,-1.04216368056e-07,3.04157746282,-0.342690613933,44.7642229618,-0.363426818521,5.49765965736 +0.42500000000000027,-0.0176463581116,17.382257437,-9.68228967361e-08,3.04157746282,-0.413909556542,44.7642229618,-0.362880013503,5.49765965736 +0.43000000000000027,-0.0114971205473,17.382257437,-9.1068004043e-08,3.04157746282,-0.50304268279,44.7642229618,-0.363692409128,5.49765965736 +0.4350000000000003,-0.00268027058148,17.382257437,-8.65581854696e-08,3.04157746282,-0.620105717779,44.7642229618,-0.365967395628,5.49765965736 +0.4400000000000003,-0.0108379331777,17.382257437,-8.30281657082e-08,3.04157746282,-0.78298600995,44.7642229618,-0.369869506547,5.49765965736 +0.4450000000000003,-0.0142463500807,17.382257437,-8.02959980022e-08,3.04157746282,-1.02725455535,44.7642229618,-0.3756368878,5.49765965736 +0.4500000000000003,-0.016191858155,17.382257437,-7.82366211185e-08,3.04157746282,-1.43490622822,44.7642229618,-0.383602569944,5.49765965736 +0.4550000000000003,-0.0169359462252,17.382257437,-7.67658718131e-08,3.04157746282,-2.24350595478,44.7642229618,-0.39422874796,5.49765965736 +0.4600000000000003,-0.0160926654828,17.382257437,-7.58307989645e-08,3.04157746282,-4.50152487095,44.7642229618,-0.408161671023,5.49765965736 +0.4650000000000003,-0.0120549150113,17.382257437,-7.54040669454e-08,3.04157746282,-23.7857952866,44.7642229618,-0.426321124734,5.49765965736 +0.4700000000000003,-0.0106514961142,17.382257437,-7.54812981885e-08,3.04157746282,3.01522648483,44.7642229618,-0.450051235414,5.49765965736 +0.4750000000000003,-0.0249502300599,17.382257437,-7.60808609275e-08,3.04157746282,-2.02773616538,44.7642229618,-0.481386519321,5.49765965736 +0.4800000000000003,-0.0396287384342,17.382257437,-7.7246105534e-08,3.04157746282,-1.73740406466,44.7642229618,-0.523549672213,5.49765965736 +0.4850000000000003,-0.0574696004356,17.382257437,-7.90505602526e-08,3.04157746282,-1.50891777393,44.7642229618,-0.581955448149,5.49765965736 +0.4900000000000003,-0.0692535087708,17.382257437,-8.16072910692e-08,3.04157746282,-1.22516588853,44.7642229618,-0.666442262839,5.49765965736 +0.49500000000000033,-0.0702459831803,17.382257437,-8.45272772513e-08,3.04157746282,-0.98926977011,44.7642229618,-0.728823164106,5.49765965736 diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_9.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_9.csv new file mode 100644 index 0000000000..42af8d7c03 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_9.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,-0.764555917836,18.1140398957,-0.00195238046846,1.47154939559,5.38967449988e-06,74.6823596112,7.45813228589e-05,5.29995970548 +0.005,9.30858909673,18.1140398957,-0.00100864803365,1.47154939559,1.24795723904e-05,74.6823596112,9.02270196318e-05,5.29995970548 +0.01,0.122334352586,18.1140398957,-0.000540517984425,1.47154939559,2.30373480673e-05,74.6823596112,0.000104951685713,5.29995970548 +0.015,0.0360350905229,18.1140398957,-0.000395318449729,1.47154939559,3.11545786472e-05,74.6823596112,0.000117536572211,5.29995970548 +0.02,0.0178616080118,18.1140398957,-0.00032806376042,1.47154939559,3.52673546559e-05,74.6823596112,0.000128118033517,5.29995970548 +0.025,0.0110996588791,18.1140398957,-0.000291469775938,1.47154939559,3.48725374001e-05,74.6823596112,0.00013704885295,5.29995970548 +0.030000000000000002,0.00782442239411,18.1140398957,-0.000270021532621,1.47154939559,2.74601270738e-05,74.6823596112,0.000144796857306,5.29995970548 +0.035,0.00596713854891,18.1140398957,-0.000257165344332,1.47154939559,1.74308869852e-05,74.6823596112,0.000151879556221,5.29995970548 +0.04,0.00479142607467,18.1140398957,-0.000249704165621,1.47154939559,4.68681025843e-05,74.6823596112,0.000158841403937,5.29995970548 +0.045,0.00397883944845,18.1140398957,-0.000245951779029,1.47154939559,7.29695189883e-05,74.6823596112,0.000166270769047,5.29995970548 +0.049999999999999996,0.00337056580719,18.1140398957,-0.000245005533108,1.47154939559,0.000102009459134,74.6823596112,0.000174857084079,5.29995970548 +0.05499999999999999,0.00287691949975,18.1140398957,-0.000246427172135,1.47154939559,0.000137128469396,74.6823596112,0.000185503180524,5.29995970548 +0.05999999999999999,0.00243978712216,18.1140398957,-0.00025009959392,1.47154939559,0.000182434923644,74.6823596112,0.000199540385351,5.29995970548 +0.06499999999999999,0.00201330853255,18.1140398957,-0.000256175553209,1.47154939559,0.000244837471868,74.6823596112,0.000219175545031,5.29995970548 +0.06999999999999999,0.00154676629616,18.1140398957,-0.000265091173375,1.47154939559,0.000337611433295,74.6823596112,0.000248544527189,5.29995970548 +0.075,0.000933218556283,18.1140398957,-0.000277648598126,1.47154939559,0.000490166282839,74.6823596112,0.000296651750882,5.29995970548 +0.08,0.000738229383803,18.1140398957,-0.000295205653909,1.47154939559,0.000782836614714,74.6823596112,0.000387882072793,5.29995970548 +0.085,0.00135111811562,18.1140398957,-0.000320074823849,1.47154939559,0.00153831819746,74.6823596112,0.000620141189165,5.29995970548 +0.09000000000000001,0.00169304045562,18.1140398957,-0.000356400095265,1.47154939559,0.00704095952057,74.6823596112,0.00230114231943,5.29995970548 +0.09500000000000001,0.00186223763633,18.1140398957,-0.000412295854754,1.47154939559,-0.00366566346322,74.6823596112,-0.000993689694002,5.29995970548 +0.10000000000000002,0.00182002129162,18.1140398957,-0.000505986346365,1.47154939559,-0.00121399643134,74.6823596112,-0.000359947224045,5.29995970548 +0.10500000000000002,0.0014019346304,18.1140398957,-0.000688568246118,1.47154939559,0.00476364579429,74.6823596112,-0.000200815453204,5.29995970548 +0.11000000000000003,0.00096518997665,18.1140398957,-0.00117897439105,1.47154939559,-0.0228786763106,74.6823596112,-0.000128704078952,5.29995970548 +0.11500000000000003,0.00106584058215,18.1140398957,-0.00622483162807,1.47154939559,-0.00202501780625,74.6823596112,-8.74296939224e-05,5.29995970548 +0.12000000000000004,0.00500065142453,18.1140398957,0.00163464307481,1.47154939559,-0.000644592110542,74.6823596112,-6.02566312226e-05,5.29995970548 +0.12500000000000003,0.0063405052665,18.1140398957,0.000680912709895,1.47154939559,-0.000263169163118,74.6823596112,-4.02890758731e-05,5.29995970548 +0.13000000000000003,0.00806093143485,18.1140398957,0.000415127950183,1.47154939559,-0.000106765119713,74.6823596112,-2.396500269e-05,5.29995970548 +0.13500000000000004,0.0100310279142,18.1140398957,0.000291255467184,1.47154939559,-2.87950161848e-05,74.6823596112,-8.98515368402e-06,5.29995970548 +0.14000000000000004,0.0122675900269,18.1140398957,0.000219812525857,1.47154939559,1.56198184827e-05,74.6823596112,6.58237083438e-06,5.29995970548 +0.14500000000000005,0.0148351988889,18.1140398957,0.000173084366444,1.47154939559,4.45234611385e-05,74.6823596112,2.48908800733e-05,5.29995970548 +0.15000000000000005,0.0178615263141,18.1140398957,0.000139569234505,1.47154939559,6.68822854882e-05,74.6823596112,4.89881660267e-05,5.29995970548 +0.15500000000000005,0.0215861105014,18.1140398957,0.000113544805269,1.47154939559,8.83071290355e-05,74.6823596112,8.40179601309e-05,5.29995970548 +0.16000000000000006,0.0264694626739,18.1140398957,9.17642533806e-05,1.47154939559,0.000113663052235,74.6823596112,0.000140028985451,5.29995970548 +0.16500000000000006,0.0334698845667,18.1140398957,7.21801565184e-05,1.47154939559,0.000149542671478,74.6823596112,0.000240182391112,5.29995970548 +0.17000000000000007,0.0449012179012,18.1140398957,5.33783782595e-05,1.47154939559,0.000210665987604,74.6823596112,0.00045294177425,5.29995970548 +0.17500000000000007,0.0680565351862,18.1140398957,3.42976465134e-05,1.47154939559,0.000358490123034,74.6823596112,0.00111006239632,5.29995970548 +0.18000000000000008,0.14347327974,18.1140398957,1.40749791421e-05,1.47154939559,0.00653073824288,74.6823596112,0.038058520468,5.29995970548 +0.18500000000000008,0.642873311033,18.1140398957,-8.05134042323e-06,1.47154939559,-0.000256170021662,74.6823596112,-0.00179839086359,5.29995970548 +0.19000000000000009,0.0986041883731,18.1140398957,-3.28143617829e-05,1.47154939559,-0.000240592785336,74.6823596112,-0.00106067265365,5.29995970548 +0.1950000000000001,0.051011542904,18.1140398957,-6.0985853474e-05,1.47154939559,-0.000216016050804,74.6823596112,-0.000831601264163,5.29995970548 +0.2000000000000001,0.0333225034375,18.1140398957,-9.34532448432e-05,1.47154939559,-0.000191151865901,74.6823596112,-0.000722614866523,5.29995970548 +0.2050000000000001,0.0240484637801,18.1140398957,-0.000131322132975,1.47154939559,-0.00016024607495,74.6823596112,-0.000657479963995,5.29995970548 +0.2100000000000001,0.0183079092213,18.1140398957,-0.000176067344773,1.47154939559,-0.000114842225154,74.6823596112,-0.000610921725764,5.29995970548 +0.2150000000000001,0.0143799970622,18.1140398957,-0.000229771888481,1.47154939559,-3.36144447161e-05,74.6823596112,-0.000572595276345,5.29995970548 +0.2200000000000001,0.0115007697088,18.1140398957,-0.000295528865681,1.47154939559,-0.000130780845012,74.6823596112,-0.000538114649882,5.29995970548 +0.22500000000000012,0.00927720033342,18.1140398957,-0.000378162338974,1.47154939559,-0.000185729491917,74.6823596112,-0.00050587962063,5.29995970548 +0.23000000000000012,0.00748421033777,18.1140398957,-0.000485620133823,1.47154939559,-0.000230815208826,74.6823596112,-0.000475612078806,5.29995970548 +0.23500000000000013,0.00598071199326,18.1140398957,-0.00063192175664,1.47154939559,-0.000271715511068,74.6823596112,-0.000447578011658,5.29995970548 +0.24000000000000013,0.00466930951582,18.1140398957,-0.000844176709398,1.47154939559,-0.000311657029419,74.6823596112,-0.000422177565884,5.29995970548 +0.24500000000000013,0.00347258368613,18.1140398957,-0.00118222912831,1.47154939559,-0.000353511008207,74.6823596112,-0.000399759603836,5.29995970548 +0.2500000000000001,0.00231116647826,18.1140398957,-0.00180883982079,1.47154939559,-0.00040049856492,74.6823596112,-0.000380567721625,5.29995970548 +0.2550000000000001,0.00106113257287,18.1140398957,-0.00337604978141,1.47154939559,-0.000456791594434,74.6823596112,-0.000364753384301,5.29995970548 +0.2600000000000001,-0.000626915008875,18.1140398957,-0.0143987962729,1.47154939559,-0.000528433674054,74.6823596112,-0.000352416452598,5.29995970548 +0.2650000000000001,0.00352361459995,18.1140398957,0.00757913834939,1.47154939559,-0.000625088077664,74.6823596112,-0.000343652846878,5.29995970548 +0.27000000000000013,0.00309556340049,18.1140398957,0.00321464300573,1.47154939559,-0.000763704239633,74.6823596112,-0.000338602174571,5.29995970548 +0.27500000000000013,0.00296576411942,18.1140398957,0.00212745915534,1.47154939559,-0.000976585668869,74.6823596112,-0.000337496012601,5.29995970548 +0.28000000000000014,0.00271832351988,18.1140398957,0.0016388103959,1.47154939559,-0.00132420760588,74.6823596112,-0.000340712471422,5.29995970548 +0.28500000000000014,0.00220482673868,18.1140398957,0.00136542790093,1.47154939559,-0.00167795411627,74.6823596112,-0.000348847094657,5.29995970548 +0.29000000000000015,0.000871360386332,18.1140398957,0.0011946998525,1.47154939559,40.4603300911,74.6823596112,-0.000362816690054,5.29995970548 +0.29500000000000015,0.00236294814641,18.1140398957,0.00108177403476,1.47154939559,-0.00653690035317,74.6823596112,-0.000384025252781,5.29995970548 +0.30000000000000016,0.00390520655844,18.1140398957,0.00100543370658,1.47154939559,-0.00285090021722,74.6823596112,-0.000414647713232,5.29995970548 +0.30500000000000016,0.0054831420096,18.1140398957,0.00095453558562,1.47154939559,-0.00191302566301,74.6823596112,-0.000458147300458,5.29995970548 +0.31000000000000016,0.00729343961795,18.1140398957,0.000922890332543,1.47154939559,-0.00153014547193,74.6823596112,-0.000520289330519,5.29995970548 +0.31500000000000017,0.00950633036283,18.1140398957,0.00090705749695,1.47154939559,-0.00136287195377,74.6823596112,-0.000611313517831,5.29995970548 +0.3200000000000002,0.0123486734947,18.1140398957,0.000905323674353,1.47154939559,-0.0013232871194,74.6823596112,-0.000751171124778,5.29995970548 +0.3250000000000002,0.0161734056215,18.1140398957,0.000917236627499,1.47154939559,-0.00140401191084,74.6823596112,-0.000984417811098,5.29995970548 +0.3300000000000002,0.0215797950807,18.1140398957,0.000943453359385,1.47154939559,-0.00167886086455,74.6823596112,-0.00143473252914,5.29995970548 +0.3350000000000002,0.0296691372204,18.1140398957,0.000985824293181,1.47154939559,-0.00252780276001,74.6823596112,-0.00262004186973,5.29995970548 +0.3400000000000002,0.0426607577457,18.1140398957,0.00104773598243,1.47154939559,-0.0104506225076,74.6823596112,-0.0131753327462,5.29995970548 +0.3450000000000002,0.0656011229113,18.1140398957,0.00113484559178,1.47154939559,0.00299110198804,74.6823596112,0.00464194250855,5.29995970548 +0.3500000000000002,0.112117833795,18.1140398957,0.00125654405373,1.47154939559,0.00104430948028,74.6823596112,0.00204646967562,5.29995970548 +0.3550000000000002,0.230474421669,18.1140398957,0.00142897051539,1.47154939559,0.000517723482752,74.6823596112,0.00134893540151,5.29995970548 +0.3600000000000002,0.706445446354,18.1140398957,0.00168175948258,1.47154939559,0.000261937290255,74.6823596112,0.0010286524863,5.29995970548 +0.3650000000000002,10.9285187228,18.1140398957,0.00207517469377,1.47154939559,6.46656203883e-05,74.6823596112,0.000846935177845,5.29995970548 +0.3700000000000002,-2.90821913048,18.1140398957,0.00275256289158,1.47154939559,0.000135760674843,74.6823596112,0.000731301536352,5.29995970548 +0.3750000000000002,-0.444734319339,18.1140398957,0.00415728879006,1.47154939559,0.000158603245476,74.6823596112,0.000652268359694,5.29995970548 +0.3800000000000002,-0.150439466856,18.1140398957,0.00867393718749,1.47154939559,0.000157680704577,74.6823596112,0.000595596424623,5.29995970548 +0.38500000000000023,-0.374245805346,18.1140398957,-0.0921291118819,1.47154939559,0.000144802639602,74.6823596112,0.00055357985653,5.29995970548 +0.39000000000000024,-0.0790816608773,18.1140398957,-0.00733293644918,1.47154939559,0.00012176574847,74.6823596112,0.000521699444625,5.29995970548 +0.39500000000000024,-0.049697750253,18.1140398957,-0.00384811342232,1.47154939559,8.31439619812e-05,74.6823596112,0.000497145339143,5.29995970548 +0.40000000000000024,-0.0349710574635,18.1140398957,-0.00263097491256,1.47154939559,5.24295176656e-05,74.6823596112,0.000478094984264,5.29995970548 +0.40500000000000025,-0.0260283557633,18.1140398957,-0.00201645120146,1.47154939559,0.000120071834581,74.6823596112,0.000463331601313,5.29995970548 +0.41000000000000025,-0.0200441892313,18.1140398957,-0.00164905252282,1.47154939559,0.000169100513913,74.6823596112,0.000452030023174,5.29995970548 +0.41500000000000026,-0.0157517428895,18.1140398957,-0.00140698939528,1.47154939559,0.000214616106269,74.6823596112,0.000443630799491,5.29995970548 +0.42000000000000026,-0.0124838481907,18.1140398957,-0.00123727535526,1.47154939559,0.000260689210315,74.6823596112,0.000437763852594,5.29995970548 +0.42500000000000027,-0.00984521402996,18.1140398957,-0.00111318804071,1.47154939559,0.000309798184377,74.6823596112,0.000434201691646,5.29995970548 +0.43000000000000027,-0.00756738407247,18.1140398957,-0.00101982281883,1.47154939559,0.000364155971745,74.6823596112,0.000432831513942,5.29995970548 +0.4350000000000003,-0.00541350777357,18.1140398957,-0.000948242326135,1.47154939559,0.000426185952896,74.6823596112,0.000433640513575,5.29995970548 +0.4400000000000003,-0.00297197068331,18.1140398957,-0.000892794715662,1.47154939559,0.000498784968073,74.6823596112,0.000436711667188,5.29995970548 +0.4450000000000003,-0.00255604145798,18.1140398957,-0.000849765967451,1.47154939559,0.000585366956605,74.6823596112,0.000442229317812,5.29995970548 +0.4500000000000003,-0.0042479287043,18.1140398957,-0.000816653454524,1.47154939559,0.000689051444459,74.6823596112,0.000450495719488,5.29995970548 +0.4550000000000003,-0.00511359110966,18.1140398957,-0.000791753123337,1.47154939559,0.000807776984968,74.6823596112,0.000461961924806,5.29995970548 +0.4600000000000003,-0.00552851171434,18.1140398957,-0.000773916252742,1.47154939559,0.000907015013557,74.6823596112,0.000477279765019,5.29995970548 +0.4650000000000003,-0.00549240849427,18.1140398957,-0.000762404050574,1.47154939559,0.000724299949098,74.6823596112,0.000497387555562,5.29995970548 +0.4700000000000003,-0.00475812245034,18.1140398957,-0.000756802905684,1.47154939559,-0.00302229050956,74.6823596112,0.000523653395103,5.29995970548 +0.4750000000000003,-0.00194599738688,18.1140398957,-0.000756981016245,1.47154939559,34.2332847565,74.6823596112,0.000558122975317,5.29995970548 +0.4800000000000003,-0.00581061912673,18.1140398957,-0.000763077453325,1.47154939559,0.0161704917093,74.6823596112,0.000603969664163,5.29995970548 +0.4850000000000003,-0.0101475500837,18.1140398957,-0.000775521894063,1.47154939559,0.00622528972353,74.6823596112,0.000666366575614,5.29995970548 +0.4900000000000003,-0.0129292295142,18.1140398957,-0.000795089926836,1.47154939559,0.00345570459676,74.6823596112,0.00075432447069,5.29995970548 +0.49500000000000033,-0.0134904377078,18.1140398957,-0.000817999706173,1.47154939559,0.00245463036373,74.6823596112,0.000817555209473,5.29995970548 From 4145b8fc57e1ed890f13854225136f9fa96c0e9b Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Tue, 27 Jul 2021 06:39:36 -0700 Subject: [PATCH 10/77] Update PPDSS.py Edited due to invalid assert errors. --- framework/Models/PostProcessors/Validations/PPDSS.py | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/framework/Models/PostProcessors/Validations/PPDSS.py b/framework/Models/PostProcessors/Validations/PPDSS.py index a168407e15..8597a0afc9 100644 --- a/framework/Models/PostProcessors/Validations/PPDSS.py +++ b/framework/Models/PostProcessors/Validations/PPDSS.py @@ -161,8 +161,8 @@ def run(self, inputIn): @ Out, outputDict, dict, dictionary containing the post-processed results """ # assert - assert(isinstance(inputIn, list)) - assert(isinstance(inputIn[0], xr.Dataset) or isinstance(inputIn[0], DataObjects.DataSet)) + assert(isinstance(inputIn["Data"], list)) + assert(isinstance(inputIn["Data"][0][-1], xr.Dataset) and isinstance(inputI["Data"][1][-1], xr.Dataset)) # the input can be either be a list of dataobjects or a list of datasets (xarray) #datasets = [inp if isinstance(inp, xr.Dataset) else inp.asDataset() for inp in inputIn] datasets = [data for _, _, data in inputIn['Data']] From 18f460fd88565acc7333a1d036eb134e51bfc69c Mon Sep 17 00:00:00 2001 From: yoshiurr-INL Date: Mon, 11 Oct 2021 08:51:00 -0600 Subject: [PATCH 11/77] rebased branch, and updated PPDSS.py and MetricDistributor.py --- framework/Metrics/metrics/DSS.py | 7 +- .../PostProcessors/Validations/PPDSS.py | 95 ++++++++++++++++--- .../PostProcessors/Validations/__init__.py | 1 + 3 files changed, 87 insertions(+), 16 deletions(-) diff --git a/framework/Metrics/metrics/DSS.py b/framework/Metrics/metrics/DSS.py index ed726e67ff..757bc4b8e7 100644 --- a/framework/Metrics/metrics/DSS.py +++ b/framework/Metrics/metrics/DSS.py @@ -123,7 +123,12 @@ def run(self, x, y, weights=None, axis=0, **kwargs): for cnt in range(len(pTime)): distanceSquaredSum = 0 for cnt2 in range(len(pTime[cnt])): - distance[cnt][cnt2] = betaTarget[cnt][cnt2]*abs(D[cnt][cnt2])**0.5*(1/omegaNormTarget[cnt][cnt2]-1/omegaNormScaledFeature[cnt][cnt2]) + if D[cnt][cnt2] == 0 or omegaNormTarget[cnt][cnt2] == 0 or omegaNormScaledFeature[cnt][cnt2] == 0: + distance[cnt][cnt2] = 0 + else: + distance[cnt][cnt2] = betaTarget[cnt][cnt2]*abs(D[cnt][cnt2])**0.5*(1/omegaNormTarget[cnt][cnt2]-1/omegaNormScaledFeature[cnt][cnt2]) + if np.isnan(distance[cnt][cnt2]) == True: + distance[cnt][cnt2] = 0 distanceSum[cnt] += abs(distance[cnt][cnt2]) distanceSquaredSum += distance[cnt][cnt2]**2 sigma[cnt] = (1/len(sigma)*distanceSquaredSum)**0.5 diff --git a/framework/Models/PostProcessors/Validations/PPDSS.py b/framework/Models/PostProcessors/Validations/PPDSS.py index 8597a0afc9..430fe927bc 100644 --- a/framework/Models/PostProcessors/Validations/PPDSS.py +++ b/framework/Models/PostProcessors/Validations/PPDSS.py @@ -214,23 +214,27 @@ def _evaluate(self, datasets, **kwargs): targData = self._getDataFromDatasets(datasets, targ, names)[0] if (isinstance(scaleRatioBeta,int) or isinstance(scaleRatioBeta,float)) and (isinstance(scaleRatioOmega,int) or isinstance(scaleRatioOmega,float)) is True: if self.scaleType == 'DataSynthesis': + timeScalingRatio = 1 + if abs(1-scaleRatioBeta) > 10**(-4) or abs(1-scaleRatioOmega) > 10**(-4): + self.raiseAnError(IOError, "Either beta or omega scaling ratio are not 1. Both must be 1") + elif self.scaleType == '2_2_affine': timeScalingRatio = scaleRatioBeta/scaleRatioOmega - elif self.scaleType == '2_2_Affine': + elif self.scaleType == 'dilation': timeScalingRatio = 1 if abs(1-scaleRatioBeta/scaleRatioOmega) > 10**(-4): - self.raiseAnError(IOError, "Scaling ratio",scaleRatioBeta,"and",scaleRatioOmega,"are not nearly equivalent") - elif self.scaleType == 'Dilation': + self.raiseAnError(IOError, "Beta scaling ratio:",scaleRatioBeta,"and Omega scaling ratio:",scaleRatioOmega,"are not nearly equivalent") + elif self.scaleType == 'beta_strain': timeScalingRatio = scaleRatioBeta if abs(1-scaleRatioOmega) > 10**(-4): - self.raiseAnError(IOError, "Scaling ratio",scaleRatioOmega,"must be 1") + self.raiseAnError(IOError, "Omega scaling ratio:",scaleRatioOmega,"must be 1") elif self.scaleType == 'omega_strain': timeScalingRatio = 1/scaleRatioOmega - if abs(1-scaleRatioOmega) > 10**(-4): - self.raiseAnError(IOError, "Scaling ratio",scaleRatioBeta,"must be 1") + if abs(1-scaleRatioBeta) > 10**(-4): + self.raiseAnError(IOError, "Beta scaling ratio:",scaleRatioBeta,"must be 1") elif self.scaleType == 'identity': timeScalingRatio = 1 - if abs(1-scaleRatioBeta) and abs(1-scaleRatioOmega) > 10**(-4): - self.raiseAnError(IOError, "Scaling ratio",scaleRatioBeta,"must be 1") + if abs(1-scaleRatioBeta) > 10**(-4) or abs(1-scaleRatioOmega) > 10**(-4): + self.raiseAnError(IOError, "Either beta or omega scaling ratio are not 1. Both must be 1") else: self.raiseAnError(IOError, "Scaling Type",self.scaleType, "is not provided") else: @@ -253,9 +257,11 @@ def _evaluate(self, datasets, **kwargs): else: y_count = targData.shape[0] z_count = targData.shape[1] + featureD = np.zeros((y_count,z_count)) featureProcessTimeNorm = np.zeros((y_count,z_count)) featureOmegaNorm = np.zeros((y_count,z_count)) featureBeta = np.zeros((y_count,z_count)) + NaN_count = np.zeros((y_count,z_count)) # feature = nameFeat[1] for cnt2 in range(y_count): @@ -267,11 +273,37 @@ def _evaluate(self, datasets, **kwargs): interpGrid = timeScalingRatio*pivotTarget featureBeta[cnt2] = interpFunction(interpGrid) featureOmega = np.gradient(featureBeta[cnt2],interpGrid) + #print("featureOmega:",featureOmega) featureProcessTime = featureBeta[cnt2]/featureOmega featureDiffOmega = np.gradient(featureOmega,interpGrid) - featureD = -featureBeta[cnt2]/featureOmega**2*featureDiffOmega - featureInt = featureD+1 - featureProcessAction = simps(featureInt, interpGrid) + featureD[cnt2] = -featureBeta[cnt2]/featureOmega**2*featureDiffOmega + for cnt3 in range(z_count): + if np.isnan(featureD[cnt2][cnt3]) == True: + NaN_count[cnt2][cnt3] = 1 + elif np.isinf(featureD[cnt2][cnt3]) == True: + NaN_count[cnt2][cnt3] = 1 + featureInt = featureD[cnt2]+1 + # Excluding NaN type data and exclude corresponding time in grid in + # preperation for numpy simpson integration + count=0 + for i in range(len(featureD[cnt2])): + if np.isnan(featureD[cnt2][i])==False and np.isinf(featureD[cnt2][i])==False: + count += 1 + if count > 0: + featureInt_new = np.zeros(count) + interpGrid_new = np.zeros(count) + track_count = 0 + for i in range(len(featureD[cnt2])): + if np.isnan(featureD[cnt2][i])==False and np.isinf(featureD[cnt2][i])==False: + interpGrid_new[track_count] = interpGrid[i] + featureInt_new[track_count] = featureInt[i] + track_count += 1 + else: + featureD[cnt2][i] = 0 + # + #print("featureInt_new:",featureInt_new) + featureProcessAction = simps(featureInt_new, interpGrid_new) + #print("featureProcessAction:",featureProcessAction) featureProcessTimeNorm[cnt2] = featureProcessTime/featureProcessAction featureOmegaNorm[cnt2] = featureProcessAction*featureOmega # @@ -289,11 +321,37 @@ def _evaluate(self, datasets, **kwargs): interpGrid = 1/timeScalingRatio*pivotFeature targetBeta[cnt2] = interpFunction(interpGrid) targetOmega = np.gradient(targetBeta[cnt2],interpGrid) + #print("targetOmega:",targetOmega) targetProcessTime = targetBeta[cnt2]/targetOmega targetDiffOmega = np.gradient(targetOmega,interpGrid) targetD[cnt2] = -targetBeta[cnt2]/targetOmega**2*targetDiffOmega + for cnt3 in range(z_count): + if np.isnan(targetD[cnt2][cnt3]) == True: + NaN_count[cnt2][cnt3] = 1 + elif np.isinf(targetD[cnt2][cnt3]) == True: + NaN_count[cnt2][cnt3] = 1 targetInt = targetD[cnt2]+1 - targetProcessAction = simps(targetInt, interpGrid) + # Excluding NaN type data and exclude corresponding time in grid in + # preperation for numpy simpson integration + count=0 + for i in range(len(targetD[cnt2])): + if np.isnan(targetD[cnt2][i])==False and np.isinf(targetD[cnt2][i])==False: + count += 1 + if count > 0: + targetInt_new = np.zeros(count) + interpGrid_new = np.zeros(count) + track_count = 0 + for i in range(len(targetD[cnt2])): + if np.isnan(targetD[cnt2][i])==False and np.isinf(targetD[cnt2][i])==False: + interpGrid_new[track_count] = interpGrid[i] + targetInt_new[track_count] = targetInt[i] + track_count += 1 + else: + targetD[cnt2][i] = 0 + # + #print("targetInt_new:",targetInt_new) + targetProcessAction = simps(targetInt_new, interpGrid_new) + #print("targetProcessAction:",targetProcessAction) targetProcessTimeNorm[cnt2] = targetProcessTime/targetProcessAction targetOmegaNorm[cnt2] = targetProcessAction*targetOmega # @@ -315,6 +373,7 @@ def _evaluate(self, datasets, **kwargs): for metric in self.metrics: name = "{}_{}_{}".format(feat.split("|")[-1], targ.split("|")[-1], metric.estimator.name) output = metric.evaluate((newfeatureData,newtargetData), multiOutput='raw_values') + #print(output) for cnt2 in range(y_count): distanceSum = abs(np.sum(output[cnt2])) sigmaSum = 0 @@ -322,15 +381,22 @@ def _evaluate(self, datasets, **kwargs): distanceTotal[cnt2][cnt3] = distanceSum sigmaSum += output[cnt2][cnt3]**2 for cnt3 in range(z_count): - sigma[cnt2][cnt3] = (1/z_count*sigmaSum)**0.5 + sigma[cnt2][cnt3] = (1/(z_count-np.sum(NaN_count[cnt2]))*sigmaSum)**0.5 rlz = [] for cnt in range(y_count): outputDict = {} - outputDict[name] = np.atleast_1d(output[cnt]) + outputDict[name] = abs(np.atleast_1d(output[cnt])) outputDict['pivot_parameter'] = timeParameter outputDict[nameFeat[1]+'_'+nameTarg[1]+'_total_distance'] = distanceTotal[cnt] + outputDict[nameFeat[1]+'_'+nameTarg[1]+'_feature_beta'] = featureBeta[cnt] + outputDict[nameFeat[1]+'_'+nameTarg[1]+'_target_beta'] = targetBeta[cnt] + outputDict[nameFeat[1]+'_'+nameTarg[1]+'_feature_omega'] = featureOmegaNormScaled[cnt] + outputDict[nameFeat[1]+'_'+nameTarg[1]+'_target_omega'] = targetOmegaNorm[cnt] + outputDict[nameFeat[1]+'_'+nameTarg[1]+'_feature_D'] = featureD[cnt] + outputDict[nameFeat[1]+'_'+nameTarg[1]+'_target_D'] = targetD[cnt] outputDict[nameFeat[1]+'_'+nameTarg[1]+'_process_time'] = newfeatureData[1][cnt] outputDict[nameFeat[1]+'_'+nameTarg[1]+'_standard_deviation'] = sigma[cnt] + #print(newfeatureData[1][cnt]) rlz.append(outputDict) realization_array.append(rlz) #--------------- @@ -340,7 +406,6 @@ def _evaluate(self, datasets, **kwargs): for key, val in realization_array[cnt2][cnt].items(): out[key] = val realizations.append(out) - #return outputDict return realizations def _getDataFromDatasets(self, datasets, var, names=None): diff --git a/framework/Models/PostProcessors/Validations/__init__.py b/framework/Models/PostProcessors/Validations/__init__.py index 1a05f0befa..88d55b68bf 100644 --- a/framework/Models/PostProcessors/Validations/__init__.py +++ b/framework/Models/PostProcessors/Validations/__init__.py @@ -19,3 +19,4 @@ @author: wangc """ from .Probabilistic import Probabilistic +from .PPDSS import PPDSS From 65b6b3d099e5e5c85da514e4ef26dd22cacf55c8 Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 11 Oct 2021 17:52:25 -0600 Subject: [PATCH 12/77] Update PPDSS.py As part of last fiscal year's milestone completion, the code was repeatedly tested under various types of time dependent data. The code was improved for each issue encountered. The import for "Validation" has been updated to "ValidationBase". --- .../PostProcessors/Validations/PPDSS.py | 99 +++++++++++++++---- 1 file changed, 82 insertions(+), 17 deletions(-) diff --git a/framework/Models/PostProcessors/Validations/PPDSS.py b/framework/Models/PostProcessors/Validations/PPDSS.py index 8597a0afc9..899cc87902 100644 --- a/framework/Models/PostProcessors/Validations/PPDSS.py +++ b/framework/Models/PostProcessors/Validations/PPDSS.py @@ -35,14 +35,14 @@ from utils import xmlUtils import Files import DataObjects -from ..Validation import Validation +from ..ValidationBase import ValidationBase #import Distributions #import MetricDistributor #from .ValidationBase import ValidationBase #from Models.PostProcessors import PostProcessor #Internal Modules End-------------------------------------------------------------------------------- -class PPDSS(Validation): +class PPDSS(ValidationBase): """ DSS Scaling class. """ @@ -214,23 +214,27 @@ def _evaluate(self, datasets, **kwargs): targData = self._getDataFromDatasets(datasets, targ, names)[0] if (isinstance(scaleRatioBeta,int) or isinstance(scaleRatioBeta,float)) and (isinstance(scaleRatioOmega,int) or isinstance(scaleRatioOmega,float)) is True: if self.scaleType == 'DataSynthesis': + timeScalingRatio = 1 + if abs(1-scaleRatioBeta) > 10**(-4) or abs(1-scaleRatioOmega) > 10**(-4): + self.raiseAnError(IOError, "Either beta or omega scaling ratio are not 1. Both must be 1") + elif self.scaleType == '2_2_affine': timeScalingRatio = scaleRatioBeta/scaleRatioOmega - elif self.scaleType == '2_2_Affine': + elif self.scaleType == 'dilation': timeScalingRatio = 1 if abs(1-scaleRatioBeta/scaleRatioOmega) > 10**(-4): - self.raiseAnError(IOError, "Scaling ratio",scaleRatioBeta,"and",scaleRatioOmega,"are not nearly equivalent") - elif self.scaleType == 'Dilation': + self.raiseAnError(IOError, "Beta scaling ratio:",scaleRatioBeta,"and Omega scaling ratio:",scaleRatioOmega,"are not nearly equivalent") + elif self.scaleType == 'beta_strain': timeScalingRatio = scaleRatioBeta if abs(1-scaleRatioOmega) > 10**(-4): - self.raiseAnError(IOError, "Scaling ratio",scaleRatioOmega,"must be 1") + self.raiseAnError(IOError, "Omega scaling ratio:",scaleRatioOmega,"must be 1") elif self.scaleType == 'omega_strain': timeScalingRatio = 1/scaleRatioOmega - if abs(1-scaleRatioOmega) > 10**(-4): - self.raiseAnError(IOError, "Scaling ratio",scaleRatioBeta,"must be 1") + if abs(1-scaleRatioBeta) > 10**(-4): + self.raiseAnError(IOError, "Beta scaling ratio:",scaleRatioBeta,"must be 1") elif self.scaleType == 'identity': timeScalingRatio = 1 - if abs(1-scaleRatioBeta) and abs(1-scaleRatioOmega) > 10**(-4): - self.raiseAnError(IOError, "Scaling ratio",scaleRatioBeta,"must be 1") + if abs(1-scaleRatioBeta) > 10**(-4) or abs(1-scaleRatioOmega) > 10**(-4): + self.raiseAnError(IOError, "Either beta or omega scaling ratio are not 1. Both must be 1") else: self.raiseAnError(IOError, "Scaling Type",self.scaleType, "is not provided") else: @@ -253,9 +257,11 @@ def _evaluate(self, datasets, **kwargs): else: y_count = targData.shape[0] z_count = targData.shape[1] + featureD = np.zeros((y_count,z_count)) featureProcessTimeNorm = np.zeros((y_count,z_count)) featureOmegaNorm = np.zeros((y_count,z_count)) featureBeta = np.zeros((y_count,z_count)) + NaN_count = np.zeros((y_count,z_count)) # feature = nameFeat[1] for cnt2 in range(y_count): @@ -267,11 +273,37 @@ def _evaluate(self, datasets, **kwargs): interpGrid = timeScalingRatio*pivotTarget featureBeta[cnt2] = interpFunction(interpGrid) featureOmega = np.gradient(featureBeta[cnt2],interpGrid) + #print("featureOmega:",featureOmega) featureProcessTime = featureBeta[cnt2]/featureOmega featureDiffOmega = np.gradient(featureOmega,interpGrid) - featureD = -featureBeta[cnt2]/featureOmega**2*featureDiffOmega - featureInt = featureD+1 - featureProcessAction = simps(featureInt, interpGrid) + featureD[cnt2] = -featureBeta[cnt2]/featureOmega**2*featureDiffOmega + for cnt3 in range(z_count): + if np.isnan(featureD[cnt2][cnt3]) == True: + NaN_count[cnt2][cnt3] = 1 + elif np.isinf(featureD[cnt2][cnt3]) == True: + NaN_count[cnt2][cnt3] = 1 + featureInt = featureD[cnt2]+1 + # Excluding NaN type data and exclude corresponding time in grid ina + # preperation for numpy simpson integration + count=0 + for i in range(len(featureD[cnt2])): + if np.isnan(featureD[cnt2][i])==False and np.isinf(featureD[cnt2][i])==False: + count += 1 + if count > 0: + featureInt_new = np.zeros(count) + interpGrid_new = np.zeros(count) + track_count = 0 + for i in range(len(featureD[cnt2])): + if np.isnan(featureD[cnt2][i])==False and np.isinf(featureD[cnt2][i])==False: + interpGrid_new[track_count] = interpGrid[i] + featureInt_new[track_count] = featureInt[i] + track_count += 1 + else: + featureD[cnt2][i] = 0 + # + #print("featureInt_new:",featureInt_new) + featureProcessAction = simps(featureInt_new, interpGrid_new) + #print("featureProcessAction:",featureProcessAction) featureProcessTimeNorm[cnt2] = featureProcessTime/featureProcessAction featureOmegaNorm[cnt2] = featureProcessAction*featureOmega # @@ -289,11 +321,37 @@ def _evaluate(self, datasets, **kwargs): interpGrid = 1/timeScalingRatio*pivotFeature targetBeta[cnt2] = interpFunction(interpGrid) targetOmega = np.gradient(targetBeta[cnt2],interpGrid) + #print("targetOmega:",targetOmega) targetProcessTime = targetBeta[cnt2]/targetOmega targetDiffOmega = np.gradient(targetOmega,interpGrid) targetD[cnt2] = -targetBeta[cnt2]/targetOmega**2*targetDiffOmega + for cnt3 in range(z_count): + if np.isnan(targetD[cnt2][cnt3]) == True: + NaN_count[cnt2][cnt3] = 1 + elif np.isinf(targetD[cnt2][cnt3]) == True: + NaN_count[cnt2][cnt3] = 1 targetInt = targetD[cnt2]+1 - targetProcessAction = simps(targetInt, interpGrid) + # Excluding NaN type data and exclude corresponding time in grid in + # preperation for numpy simpson integration + count=0 + for i in range(len(targetD[cnt2])): + if np.isnan(targetD[cnt2][i])==False and np.isinf(targetD[cnt2][i])==False: + count += 1 + if count > 0: + targetInt_new = np.zeros(count) + interpGrid_new = np.zeros(count) + track_count = 0 + for i in range(len(targetD[cnt2])): + if np.isnan(targetD[cnt2][i])==False and np.isinf(targetD[cnt2][i])==False: + interpGrid_new[track_count] = interpGrid[i] + targetInt_new[track_count] = targetInt[i] + track_count += 1 + else: + targetD[cnt2][i] = 0 + # + #print("targetInt_new:",targetInt_new) + targetProcessAction = simps(targetInt_new, interpGrid_new) + #print("targetProcessAction:",targetProcessAction) targetProcessTimeNorm[cnt2] = targetProcessTime/targetProcessAction targetOmegaNorm[cnt2] = targetProcessAction*targetOmega # @@ -315,6 +373,7 @@ def _evaluate(self, datasets, **kwargs): for metric in self.metrics: name = "{}_{}_{}".format(feat.split("|")[-1], targ.split("|")[-1], metric.estimator.name) output = metric.evaluate((newfeatureData,newtargetData), multiOutput='raw_values') + #print(output) for cnt2 in range(y_count): distanceSum = abs(np.sum(output[cnt2])) sigmaSum = 0 @@ -322,15 +381,22 @@ def _evaluate(self, datasets, **kwargs): distanceTotal[cnt2][cnt3] = distanceSum sigmaSum += output[cnt2][cnt3]**2 for cnt3 in range(z_count): - sigma[cnt2][cnt3] = (1/z_count*sigmaSum)**0.5 + sigma[cnt2][cnt3] = (1/(z_count-np.sum(NaN_count[cnt2]))*sigmaSum)**0.5 rlz = [] for cnt in range(y_count): outputDict = {} - outputDict[name] = np.atleast_1d(output[cnt]) + outputDict[name] = abs(np.atleast_1d(output[cnt])) outputDict['pivot_parameter'] = timeParameter outputDict[nameFeat[1]+'_'+nameTarg[1]+'_total_distance'] = distanceTotal[cnt] + outputDict[nameFeat[1]+'_'+nameTarg[1]+'_feature_beta'] = featureBeta[cnt] + outputDict[nameFeat[1]+'_'+nameTarg[1]+'_target_beta'] = targetBeta[cnt] + outputDict[nameFeat[1]+'_'+nameTarg[1]+'_feature_omega'] = featureOmegaNormScaled[cnt] + outputDict[nameFeat[1]+'_'+nameTarg[1]+'_target_omega'] = targetOmegaNorm[cnt] + outputDict[nameFeat[1]+'_'+nameTarg[1]+'_feature_D'] = featureD[cnt] + outputDict[nameFeat[1]+'_'+nameTarg[1]+'_target_D'] = targetD[cnt] outputDict[nameFeat[1]+'_'+nameTarg[1]+'_process_time'] = newfeatureData[1][cnt] outputDict[nameFeat[1]+'_'+nameTarg[1]+'_standard_deviation'] = sigma[cnt] + #print(newfeatureData[1][cnt]) rlz.append(outputDict) realization_array.append(rlz) #--------------- @@ -340,7 +406,6 @@ def _evaluate(self, datasets, **kwargs): for key, val in realization_array[cnt2][cnt].items(): out[key] = val realizations.append(out) - #return outputDict return realizations def _getDataFromDatasets(self, datasets, var, names=None): From 5759f1ff0fd4622445382da1e7db66cdbcec5534 Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Tue, 12 Oct 2021 08:14:23 -0600 Subject: [PATCH 13/77] Update DSS.py After rebase, forgot to select which head to change before committing changes to this branch. --- framework/Metrics/metrics/DSS.py | 4 ---- 1 file changed, 4 deletions(-) diff --git a/framework/Metrics/metrics/DSS.py b/framework/Metrics/metrics/DSS.py index 48422f6d05..757bc4b8e7 100644 --- a/framework/Metrics/metrics/DSS.py +++ b/framework/Metrics/metrics/DSS.py @@ -123,16 +123,12 @@ def run(self, x, y, weights=None, axis=0, **kwargs): for cnt in range(len(pTime)): distanceSquaredSum = 0 for cnt2 in range(len(pTime[cnt])): -<<<<<<< HEAD if D[cnt][cnt2] == 0 or omegaNormTarget[cnt][cnt2] == 0 or omegaNormScaledFeature[cnt][cnt2] == 0: distance[cnt][cnt2] = 0 else: distance[cnt][cnt2] = betaTarget[cnt][cnt2]*abs(D[cnt][cnt2])**0.5*(1/omegaNormTarget[cnt][cnt2]-1/omegaNormScaledFeature[cnt][cnt2]) if np.isnan(distance[cnt][cnt2]) == True: distance[cnt][cnt2] = 0 -======= - distance[cnt][cnt2] = betaTarget[cnt][cnt2]*abs(D[cnt][cnt2])**0.5*(1/omegaNormTarget[cnt][cnt2]-1/omegaNormScaledFeature[cnt][cnt2]) ->>>>>>> 07da9b74d537692cedf718050cb8a53fae175673 distanceSum[cnt] += abs(distance[cnt][cnt2]) distanceSquaredSum += distance[cnt][cnt2]**2 sigma[cnt] = (1/len(sigma)*distanceSquaredSum)**0.5 From 15b9e456fb039a0e76222d32484261788ad951ca Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Tue, 12 Oct 2021 14:19:52 -0600 Subject: [PATCH 14/77] Update PPDSS.py Changed line 173 to adapt with new input format implemented after converting to ValidationBase.py. --- framework/Models/PostProcessors/Validations/PPDSS.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/framework/Models/PostProcessors/Validations/PPDSS.py b/framework/Models/PostProcessors/Validations/PPDSS.py index 899cc87902..dd19bd41ab 100644 --- a/framework/Models/PostProcessors/Validations/PPDSS.py +++ b/framework/Models/PostProcessors/Validations/PPDSS.py @@ -170,7 +170,7 @@ def run(self, inputIn): names = [] pivotParameterTarget = self.pivotParameterTarget pivotParameterFeature = self.pivotParameterFeature - names = [inp[-1].attrs['name'] for inp in inputIn['Data']] + names = [self.getDataSetName(inp[-1]) for inp in inputIn['Data']] #print("names:",names) #print("inputIn:",inputIn) #print("inputIn['Data'][0][2].indexes:",inputIn['Data'][0][2].indexes) From 4eb77fab8ed135c1438fea613bca4ace7bead9bb Mon Sep 17 00:00:00 2001 From: yoshiurr-INL Date: Wed, 13 Oct 2021 08:20:52 -0600 Subject: [PATCH 15/77] Updating with local branch to remote branch --- framework/Metrics/metrics/DSS.py | 4 - .../PostProcessors/Validations/PPDSS.py | 105 ++++++++++--- ...Attractor_timeScale_I.cpython-37.opt-1.pyc | Bin 1153 -> 1155 bytes ...ttractor_timeScale_II.cpython-37.opt-1.pyc | Bin 1154 -> 1156 bytes .../Validation/DSS/pp2_print.xml | 1 + .../Validation/DSS/pp2_print_0.csv | 142 +++++++++--------- .../Validation/DSS/pp2_print_1.csv | 108 ++++++------- .../Validation/DSS/pp2_print_2.csv | 100 ++++++------ .../Validation/DSS/pp2_print_3.csv | 118 +++++++-------- .../Validation/DSS/pp2_print_4.csv | 124 +++++++-------- .../Validation/DSS/pp2_print_5.csv | 124 +++++++-------- .../Validation/DSS/pp2_print_6.csv | 132 ++++++++-------- .../Validation/DSS/pp2_print_7.csv | 102 ++++++------- .../Validation/DSS/pp2_print_8.csv | 120 +++++++-------- .../Validation/DSS/pp2_print_9.csv | 132 ++++++++-------- 15 files changed, 687 insertions(+), 625 deletions(-) diff --git a/framework/Metrics/metrics/DSS.py b/framework/Metrics/metrics/DSS.py index 48422f6d05..757bc4b8e7 100644 --- a/framework/Metrics/metrics/DSS.py +++ b/framework/Metrics/metrics/DSS.py @@ -123,16 +123,12 @@ def run(self, x, y, weights=None, axis=0, **kwargs): for cnt in range(len(pTime)): distanceSquaredSum = 0 for cnt2 in range(len(pTime[cnt])): -<<<<<<< HEAD if D[cnt][cnt2] == 0 or omegaNormTarget[cnt][cnt2] == 0 or omegaNormScaledFeature[cnt][cnt2] == 0: distance[cnt][cnt2] = 0 else: distance[cnt][cnt2] = betaTarget[cnt][cnt2]*abs(D[cnt][cnt2])**0.5*(1/omegaNormTarget[cnt][cnt2]-1/omegaNormScaledFeature[cnt][cnt2]) if np.isnan(distance[cnt][cnt2]) == True: distance[cnt][cnt2] = 0 -======= - distance[cnt][cnt2] = betaTarget[cnt][cnt2]*abs(D[cnt][cnt2])**0.5*(1/omegaNormTarget[cnt][cnt2]-1/omegaNormScaledFeature[cnt][cnt2]) ->>>>>>> 07da9b74d537692cedf718050cb8a53fae175673 distanceSum[cnt] += abs(distance[cnt][cnt2]) distanceSquaredSum += distance[cnt][cnt2]**2 sigma[cnt] = (1/len(sigma)*distanceSquaredSum)**0.5 diff --git a/framework/Models/PostProcessors/Validations/PPDSS.py b/framework/Models/PostProcessors/Validations/PPDSS.py index 8597a0afc9..ad62864bec 100644 --- a/framework/Models/PostProcessors/Validations/PPDSS.py +++ b/framework/Models/PostProcessors/Validations/PPDSS.py @@ -35,14 +35,14 @@ from utils import xmlUtils import Files import DataObjects -from ..Validation import Validation +from ..ValidationBase import ValidationBase #import Distributions #import MetricDistributor #from .ValidationBase import ValidationBase #from Models.PostProcessors import PostProcessor #Internal Modules End-------------------------------------------------------------------------------- -class PPDSS(Validation): +class PPDSS(ValidationBase): """ DSS Scaling class. """ @@ -170,7 +170,7 @@ def run(self, inputIn): names = [] pivotParameterTarget = self.pivotParameterTarget pivotParameterFeature = self.pivotParameterFeature - names = [inp[-1].attrs['name'] for inp in inputIn['Data']] + names = [self.getDataSetName(inp[-1]) for inp in inputIn['Data']] #print("names:",names) #print("inputIn:",inputIn) #print("inputIn['Data'][0][2].indexes:",inputIn['Data'][0][2].indexes) @@ -214,28 +214,32 @@ def _evaluate(self, datasets, **kwargs): targData = self._getDataFromDatasets(datasets, targ, names)[0] if (isinstance(scaleRatioBeta,int) or isinstance(scaleRatioBeta,float)) and (isinstance(scaleRatioOmega,int) or isinstance(scaleRatioOmega,float)) is True: if self.scaleType == 'DataSynthesis': + timeScalingRatio = 1 + if abs(1-scaleRatioBeta) > 10**(-4) or abs(1-scaleRatioOmega) > 10**(-4): + self.raiseAnError(IOError, "Either beta or omega scaling ratio are not 1. Both must be 1") + elif self.scaleType == '2_2_affine': timeScalingRatio = scaleRatioBeta/scaleRatioOmega - elif self.scaleType == '2_2_Affine': + elif self.scaleType == 'dilation': timeScalingRatio = 1 if abs(1-scaleRatioBeta/scaleRatioOmega) > 10**(-4): - self.raiseAnError(IOError, "Scaling ratio",scaleRatioBeta,"and",scaleRatioOmega,"are not nearly equivalent") - elif self.scaleType == 'Dilation': + self.raiseAnError(IOError, "Beta scaling ratio:",scaleRatioBeta,"and Omega scaling ratio:",scaleRatioOmega,"are not nearly equivalent") + elif self.scaleType == 'beta_strain': timeScalingRatio = scaleRatioBeta if abs(1-scaleRatioOmega) > 10**(-4): - self.raiseAnError(IOError, "Scaling ratio",scaleRatioOmega,"must be 1") + self.raiseAnError(IOError, "Omega scaling ratio:",scaleRatioOmega,"must be 1") elif self.scaleType == 'omega_strain': timeScalingRatio = 1/scaleRatioOmega - if abs(1-scaleRatioOmega) > 10**(-4): - self.raiseAnError(IOError, "Scaling ratio",scaleRatioBeta,"must be 1") + if abs(1-scaleRatioBeta) > 10**(-4): + self.raiseAnError(IOError, "Beta scaling ratio:",scaleRatioBeta,"must be 1") elif self.scaleType == 'identity': timeScalingRatio = 1 - if abs(1-scaleRatioBeta) and abs(1-scaleRatioOmega) > 10**(-4): - self.raiseAnError(IOError, "Scaling ratio",scaleRatioBeta,"must be 1") + if abs(1-scaleRatioBeta) > 10**(-4) or abs(1-scaleRatioOmega) > 10**(-4): + self.raiseAnError(IOError, "Either beta or omega scaling ratio are not 1. Both must be 1") else: self.raiseAnError(IOError, "Scaling Type",self.scaleType, "is not provided") else: self.raiseAnError(IOError, scaleRatioBeta,"or",scaleRatioOmega,"is not a numerical number") - + pivotFeature = self._getDataFromDatasets(datasets, names[0]+"|"+self.pivotParameterFeature, names)[0] pivotFeature = np.transpose(pivotFeature)[0] pivotTarget = self._getDataFromDatasets(datasets, names[1]+"|"+self.pivotParameterTarget, names)[0] @@ -246,16 +250,18 @@ def _evaluate(self, datasets, **kwargs): pivotSize = pivotTargetSize else: pivotSize = pivotFeatureSize - + if pivotFeatureSize == pivotSize: y_count = featData.shape[0] z_count = featData.shape[1] else: y_count = targData.shape[0] z_count = targData.shape[1] + featureD = np.zeros((y_count,z_count)) featureProcessTimeNorm = np.zeros((y_count,z_count)) featureOmegaNorm = np.zeros((y_count,z_count)) featureBeta = np.zeros((y_count,z_count)) + NaN_count = np.zeros((y_count,z_count)) # feature = nameFeat[1] for cnt2 in range(y_count): @@ -267,11 +273,37 @@ def _evaluate(self, datasets, **kwargs): interpGrid = timeScalingRatio*pivotTarget featureBeta[cnt2] = interpFunction(interpGrid) featureOmega = np.gradient(featureBeta[cnt2],interpGrid) + #print("featureOmega:",featureOmega) featureProcessTime = featureBeta[cnt2]/featureOmega featureDiffOmega = np.gradient(featureOmega,interpGrid) - featureD = -featureBeta[cnt2]/featureOmega**2*featureDiffOmega - featureInt = featureD+1 - featureProcessAction = simps(featureInt, interpGrid) + featureD[cnt2] = -featureBeta[cnt2]/featureOmega**2*featureDiffOmega + for cnt3 in range(z_count): + if np.isnan(featureD[cnt2][cnt3]) == True: + NaN_count[cnt2][cnt3] = 1 + elif np.isinf(featureD[cnt2][cnt3]) == True: + NaN_count[cnt2][cnt3] = 1 + featureInt = featureD[cnt2]+1 + # Excluding NaN type data and exclude corresponding time in grid ina + # preperation for numpy simpson integration + count=0 + for i in range(len(featureD[cnt2])): + if np.isnan(featureD[cnt2][i])==False and np.isinf(featureD[cnt2][i])==False: + count += 1 + if count > 0: + featureInt_new = np.zeros(count) + interpGrid_new = np.zeros(count) + track_count = 0 + for i in range(len(featureD[cnt2])): + if np.isnan(featureD[cnt2][i])==False and np.isinf(featureD[cnt2][i])==False: + interpGrid_new[track_count] = interpGrid[i] + featureInt_new[track_count] = featureInt[i] + track_count += 1 + else: + featureD[cnt2][i] = 0 + # + #print("featureInt_new:",featureInt_new) + featureProcessAction = simps(featureInt_new, interpGrid_new) + #print("featureProcessAction:",featureProcessAction) featureProcessTimeNorm[cnt2] = featureProcessTime/featureProcessAction featureOmegaNorm[cnt2] = featureProcessAction*featureOmega # @@ -289,11 +321,37 @@ def _evaluate(self, datasets, **kwargs): interpGrid = 1/timeScalingRatio*pivotFeature targetBeta[cnt2] = interpFunction(interpGrid) targetOmega = np.gradient(targetBeta[cnt2],interpGrid) + #print("targetOmega:",targetOmega) targetProcessTime = targetBeta[cnt2]/targetOmega targetDiffOmega = np.gradient(targetOmega,interpGrid) targetD[cnt2] = -targetBeta[cnt2]/targetOmega**2*targetDiffOmega + for cnt3 in range(z_count): + if np.isnan(targetD[cnt2][cnt3]) == True: + NaN_count[cnt2][cnt3] = 1 + elif np.isinf(targetD[cnt2][cnt3]) == True: + NaN_count[cnt2][cnt3] = 1 targetInt = targetD[cnt2]+1 - targetProcessAction = simps(targetInt, interpGrid) + # Excluding NaN type data and exclude corresponding time in grid in + # preperation for numpy simpson integration + count=0 + for i in range(len(targetD[cnt2])): + if np.isnan(targetD[cnt2][i])==False and np.isinf(targetD[cnt2][i])==False: + count += 1 + if count > 0: + targetInt_new = np.zeros(count) + interpGrid_new = np.zeros(count) + track_count = 0 + for i in range(len(targetD[cnt2])): + if np.isnan(targetD[cnt2][i])==False and np.isinf(targetD[cnt2][i])==False: + interpGrid_new[track_count] = interpGrid[i] + targetInt_new[track_count] = targetInt[i] + track_count += 1 + else: + targetD[cnt2][i] = 0 + # + #print("targetInt_new:",targetInt_new) + targetProcessAction = simps(targetInt_new, interpGrid_new) + #print("targetProcessAction:",targetProcessAction) targetProcessTimeNorm[cnt2] = targetProcessTime/targetProcessAction targetOmegaNorm[cnt2] = targetProcessAction*targetOmega # @@ -315,6 +373,7 @@ def _evaluate(self, datasets, **kwargs): for metric in self.metrics: name = "{}_{}_{}".format(feat.split("|")[-1], targ.split("|")[-1], metric.estimator.name) output = metric.evaluate((newfeatureData,newtargetData), multiOutput='raw_values') + #print(output) for cnt2 in range(y_count): distanceSum = abs(np.sum(output[cnt2])) sigmaSum = 0 @@ -322,15 +381,22 @@ def _evaluate(self, datasets, **kwargs): distanceTotal[cnt2][cnt3] = distanceSum sigmaSum += output[cnt2][cnt3]**2 for cnt3 in range(z_count): - sigma[cnt2][cnt3] = (1/z_count*sigmaSum)**0.5 + sigma[cnt2][cnt3] = (1/(z_count-np.sum(NaN_count[cnt2]))*sigmaSum)**0.5 rlz = [] for cnt in range(y_count): outputDict = {} - outputDict[name] = np.atleast_1d(output[cnt]) + outputDict[name] = abs(np.atleast_1d(output[cnt])) outputDict['pivot_parameter'] = timeParameter outputDict[nameFeat[1]+'_'+nameTarg[1]+'_total_distance'] = distanceTotal[cnt] + outputDict[nameFeat[1]+'_'+nameTarg[1]+'_feature_beta'] = featureBeta[cnt] + outputDict[nameFeat[1]+'_'+nameTarg[1]+'_target_beta'] = targetBeta[cnt] + outputDict[nameFeat[1]+'_'+nameTarg[1]+'_feature_omega'] = featureOmegaNormScaled[cnt] + outputDict[nameFeat[1]+'_'+nameTarg[1]+'_target_omega'] = targetOmegaNorm[cnt] + outputDict[nameFeat[1]+'_'+nameTarg[1]+'_feature_D'] = featureD[cnt] + outputDict[nameFeat[1]+'_'+nameTarg[1]+'_target_D'] = targetD[cnt] outputDict[nameFeat[1]+'_'+nameTarg[1]+'_process_time'] = newfeatureData[1][cnt] outputDict[nameFeat[1]+'_'+nameTarg[1]+'_standard_deviation'] = sigma[cnt] + #print(newfeatureData[1][cnt]) rlz.append(outputDict) realization_array.append(rlz) #--------------- @@ -340,7 +406,6 @@ def _evaluate(self, datasets, **kwargs): for key, val in realization_array[cnt2][cnt].items(): out[key] = val realizations.append(out) - #return outputDict return realizations def _getDataFromDatasets(self, datasets, var, names=None): diff --git a/tests/framework/PostProcessors/Validation/DSS/__pycache__/lorentzAttractor_timeScale_I.cpython-37.opt-1.pyc b/tests/framework/PostProcessors/Validation/DSS/__pycache__/lorentzAttractor_timeScale_I.cpython-37.opt-1.pyc index fbab31485955c94d4c65c1c40300ab500901a4fa..cdc9d9070d12153b9cde9b3874476966ab307369 100644 GIT binary patch delta 48 zcmZqVZ06)~;^pOH0D^a0QxYfgoE6W~4=qkDD%P*eFU}~+)-Nc^&q_@$Dc<;QGBW^K C2@tvf delta 46 zcmZqXY~pivot_parameter + pp2_out x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation RAVEN_sample_ID diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_0.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_0.csv index d8961a1fa9..72a82bbe51 100644 --- a/tests/framework/PostProcessors/Validation/DSS/pp2_print_0.csv +++ b/tests/framework/PostProcessors/Validation/DSS/pp2_print_0.csv @@ -21,81 +21,81 @@ pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard 0.09500000000000001,0.00271172120559,24.887493332,-0.000602072646113,2.59700011532,3.96065102521,53.1999350236,0.452043262233,4.78635605162 0.10000000000000002,0.0020653563727,24.887493332,-0.000650875572106,2.59700011532,22.063705504,53.1999350236,0.679238712152,4.78635605162 0.10500000000000002,0.00211813443079,24.887493332,-0.000720868007637,2.59700011532,32.5016834277,53.1999350236,1.76335102388,4.78635605162 -0.11000000000000003,0.00483476705374,24.887493332,-0.000826525967792,2.59700011532,-13.8684083592,53.1999350236,-1.84767843252,4.78635605162 -0.11500000000000003,0.00772383018827,24.887493332,-0.000999095540335,2.59700011532,-2.46453702091,53.1999350236,-0.525372763748,4.78635605162 -0.12000000000000004,0.0111468044228,24.887493332,-0.00132091190976,2.59700011532,-0.944134639777,53.1999350236,-0.278401055973,4.78635605162 -0.12500000000000003,0.0151108859396,24.887493332,-0.00210251007708,2.59700011532,-0.459372384566,53.1999350236,-0.174801950313,4.78635605162 -0.13000000000000003,0.0171343953503,24.887493332,-0.00646411039937,2.59700011532,-0.248870152479,53.1999350236,-0.117764017075,4.78635605162 -0.13500000000000004,0.0350652053287,24.887493332,0.00483896441515,2.59700011532,-0.140697849216,53.1999350236,-0.0811959709455,4.78635605162 -0.14000000000000004,0.0423716405627,24.887493332,0.00164348920338,2.59700011532,-0.0787121176144,53.1999350236,-0.054939356815,4.78635605162 -0.14500000000000005,0.0556065274189,24.887493332,0.000952164683723,2.59700011532,-0.0402717597698,53.1999350236,-0.0339839519099,4.78635605162 -0.15000000000000005,0.0750741244315,24.887493332,0.000652717338428,2.59700011532,-0.0148647829393,53.1999350236,-0.0152581605846,4.78635605162 +0.11000000000000003,0.00483476705374,24.887493332,-0.000826525967792,2.59700011532,13.8684083592,53.1999350236,-1.84767843252,4.78635605162 +0.11500000000000003,0.00772383018827,24.887493332,-0.000999095540335,2.59700011532,2.46453702091,53.1999350236,-0.525372763748,4.78635605162 +0.12000000000000004,0.0111468044228,24.887493332,-0.00132091190976,2.59700011532,0.944134639777,53.1999350236,-0.278401055973,4.78635605162 +0.12500000000000003,0.0151108859396,24.887493332,-0.00210251007708,2.59700011532,0.459372384566,53.1999350236,-0.174801950313,4.78635605162 +0.13000000000000003,0.0171343953503,24.887493332,-0.00646411039937,2.59700011532,0.248870152479,53.1999350236,-0.117764017075,4.78635605162 +0.13500000000000004,0.0350652053287,24.887493332,0.00483896441515,2.59700011532,0.140697849216,53.1999350236,-0.0811959709455,4.78635605162 +0.14000000000000004,0.0423716405627,24.887493332,0.00164348920338,2.59700011532,0.0787121176144,53.1999350236,-0.054939356815,4.78635605162 +0.14500000000000005,0.0556065274189,24.887493332,0.000952164683723,2.59700011532,0.0402717597698,53.1999350236,-0.0339839519099,4.78635605162 +0.15000000000000005,0.0750741244315,24.887493332,0.000652717338428,2.59700011532,0.0148647829393,53.1999350236,-0.0152581605846,4.78635605162 0.15500000000000005,0.105121364985,24.887493332,0.000486276138869,2.59700011532,0.00289817867961,53.1999350236,0.00366434837427,4.78635605162 0.16000000000000006,0.156661888365,24.887493332,0.000380003627249,2.59700011532,0.0159186133438,53.1999350236,0.0253281189163,4.78635605162 0.16500000000000006,0.262367592272,24.887493332,0.00030521417449,2.59700011532,0.025571042223,53.1999350236,0.0531682521213,4.78635605162 0.17000000000000007,0.564364908709,24.887493332,0.000248127467158,2.59700011532,0.0315872784201,53.1999350236,0.0927821259941,4.78635605162 0.17500000000000007,2.5959579167,24.887493332,0.000201130085144,2.59700011532,0.0292029206784,53.1999350236,0.154754141223,4.78635605162 -0.18000000000000008,-16.475446849,24.887493332,0.000159525889875,2.59700011532,0.0358911787049,53.1999350236,0.262490035739,4.78635605162 -0.18500000000000008,-0.511783036992,24.887493332,0.000120133768726,2.59700011532,0.110684484186,53.1999350236,0.480628409477,4.78635605162 -0.19000000000000009,-0.10082323864,24.887493332,8.06091792099e-05,2.59700011532,0.287502181726,53.1999350236,1.07825811416,4.78635605162 -0.1950000000000001,-0.0217616071722,24.887493332,3.90793631522e-05,2.59700011532,1.76278846025,53.1999350236,6.44341026385,4.78635605162 -0.2000000000000001,0.0018057589186,24.887493332,-6.0783411812e-06,2.59700011532,-0.708546763109,53.1999350236,-2.77999234179,4.78635605162 -0.2050000000000001,0.00986119174713,24.887493332,-5.6395309412e-05,2.59700011532,-0.288768517405,53.1999350236,-1.4250988599,4.78635605162 -0.2100000000000001,0.0123886048682,24.887493332,-0.000113451921497,2.59700011532,-0.0453883904931,53.1999350236,-1.07480405018,4.78635605162 -0.2150000000000001,0.0126672479613,24.887493332,-0.000179031059276,2.59700011532,-0.216098228243,53.1999350236,-0.918928673398,4.78635605162 -0.2200000000000001,0.0119639992296,24.887493332,-0.000255316700686,2.59700011532,-0.303782296424,53.1999350236,-0.829882029715,4.78635605162 -0.22500000000000012,0.0108188848603,24.887493332,-0.000345181037066,2.59700011532,-0.376540448411,53.1999350236,-0.768590246102,4.78635605162 -0.23000000000000012,0.00947298486221,24.887493332,-0.000452632098144,2.59700011532,-0.444674685389,53.1999350236,-0.719533354007,4.78635605162 -0.23500000000000013,0.0080303460657,24.887493332,-0.000583556378394,2.59700011532,-0.511709354218,53.1999350236,-0.676086138182,4.78635605162 -0.24000000000000013,0.00652220624591,24.887493332,-0.00074703080616,2.59700011532,-0.580320553624,53.1999350236,-0.635687041334,4.78635605162 -0.24500000000000013,0.00492318860659,24.887493332,-0.000957812458771,2.59700011532,-0.65402690633,53.1999350236,-0.597721930261,4.78635605162 -0.2500000000000001,0.00309611593474,24.887493332,-0.00124149111194,2.59700011532,-0.738159324039,53.1999350236,-0.562420286285,4.78635605162 -0.2550000000000001,0.00120852123153,24.887493332,-0.00164639842495,2.59700011532,-0.841123459156,53.1999350236,-0.530264983882,4.78635605162 -0.2600000000000001,0.00296770830518,24.887493332,-0.00227557552413,2.59700011532,-0.976992971635,53.1999350236,-0.501711546802,4.78635605162 -0.2650000000000001,0.00346446876209,24.887493332,-0.00339370868859,2.59700011532,-1.17176767092,53.1999350236,-0.477092298472,4.78635605162 -0.27000000000000013,0.00311165177851,24.887493332,-0.0059459529095,2.59700011532,-1.48075094168,53.1999350236,-0.456618664681,4.78635605162 -0.27500000000000013,5.81181297004e-05,24.887493332,-0.017658799066,2.59700011532,-2.04846257485,53.1999350236,-0.440426219434,4.78635605162 -0.28000000000000014,0.00944333510943,24.887493332,0.023614750085,2.59700011532,-3.40557789309,53.1999350236,-0.428632720771,4.78635605162 -0.28500000000000014,0.00340829970713,24.887493332,0.00767066056605,2.59700011532,-3.11284671985,53.1999350236,-0.421397253632,4.78635605162 -0.29000000000000015,0.00465662583969,24.887493332,0.00479547193423,2.59700011532,-7.3226845792,53.1999350236,-0.418979551034,4.78635605162 -0.29500000000000015,0.00803485316173,24.887493332,0.00360288615197,2.59700011532,-2.89900743487,53.1999350236,-0.421805251145,4.78635605162 -0.30000000000000016,0.011317208785,24.887493332,0.00295953304001,2.59700011532,-1.81265725321,53.1999350236,-0.430548255252,4.78635605162 -0.30500000000000016,0.0150342971053,24.887493332,0.00256543644154,2.59700011532,-1.33509443051,53.1999350236,-0.446248610867,4.78635605162 -0.31000000000000016,0.0195367803603,24.887493332,0.00230729950188,2.59700011532,-1.07524607458,53.1999350236,-0.470497775671,4.78635605162 -0.31500000000000017,0.0252566844823,24.887493332,0.00213320374467,2.59700011532,-0.919444803615,53.1999350236,-0.505751070035,4.78635605162 -0.3200000000000002,0.0328467262745,24.887493332,0.00201640022284,2.59700011532,-0.823327239499,53.1999350236,-0.555889367891,4.78635605162 -0.3250000000000002,0.0433920010407,24.887493332,0.0019421605681,2.59700011532,-0.767055057191,53.1999350236,-0.627301579015,4.78635605162 -0.3300000000000002,0.0588411035857,24.887493332,0.00190225207722,2.59700011532,-0.742100920444,53.1999350236,-0.731155591538,4.78635605162 -0.3350000000000002,0.0830086530868,24.887493332,0.00189240571623,2.59700011532,-0.747384467914,53.1999350236,-0.888719562089,4.78635605162 -0.3400000000000002,0.12423731265,24.887493332,0.00191114377949,2.59700011532,-0.790619061756,53.1999350236,-1.14588760045,4.78635605162 -0.3450000000000002,0.203820698837,24.887493332,0.00195933974328,2.59700011532,-0.899404931831,53.1999350236,-1.62299653837,4.78635605162 -0.3500000000000002,0.390562922342,24.887493332,0.00204028979904,2.59700011532,-1.18152944757,53.1999350236,-2.76799848929,4.78635605162 -0.3550000000000002,1.02223133173,24.887493332,0.00216030007533,2.59700011532,-2.64941999732,53.1999350236,-8.84234636717,4.78635605162 +0.18000000000000008,16.475446849,24.887493332,0.000159525889875,2.59700011532,0.0358911787049,53.1999350236,0.262490035739,4.78635605162 +0.18500000000000008,0.511783036992,24.887493332,0.000120133768726,2.59700011532,0.110684484186,53.1999350236,0.480628409477,4.78635605162 +0.19000000000000009,0.10082323864,24.887493332,8.06091792099e-05,2.59700011532,0.287502181726,53.1999350236,1.07825811416,4.78635605162 +0.1950000000000001,0.0217616071722,24.887493332,3.90793631522e-05,2.59700011532,1.76278846025,53.1999350236,6.44341026385,4.78635605162 +0.2000000000000001,0.0018057589186,24.887493332,-6.0783411812e-06,2.59700011532,0.708546763109,53.1999350236,-2.77999234179,4.78635605162 +0.2050000000000001,0.00986119174713,24.887493332,-5.6395309412e-05,2.59700011532,0.288768517405,53.1999350236,-1.4250988599,4.78635605162 +0.2100000000000001,0.0123886048682,24.887493332,-0.000113451921497,2.59700011532,0.0453883904931,53.1999350236,-1.07480405018,4.78635605162 +0.2150000000000001,0.0126672479613,24.887493332,-0.000179031059276,2.59700011532,0.216098228243,53.1999350236,-0.918928673398,4.78635605162 +0.2200000000000001,0.0119639992296,24.887493332,-0.000255316700686,2.59700011532,0.303782296424,53.1999350236,-0.829882029715,4.78635605162 +0.22500000000000012,0.0108188848603,24.887493332,-0.000345181037066,2.59700011532,0.376540448411,53.1999350236,-0.768590246102,4.78635605162 +0.23000000000000012,0.00947298486221,24.887493332,-0.000452632098144,2.59700011532,0.444674685389,53.1999350236,-0.719533354007,4.78635605162 +0.23500000000000013,0.0080303460657,24.887493332,-0.000583556378394,2.59700011532,0.511709354218,53.1999350236,-0.676086138182,4.78635605162 +0.24000000000000013,0.00652220624591,24.887493332,-0.00074703080616,2.59700011532,0.580320553624,53.1999350236,-0.635687041334,4.78635605162 +0.24500000000000013,0.00492318860659,24.887493332,-0.000957812458771,2.59700011532,0.65402690633,53.1999350236,-0.597721930261,4.78635605162 +0.2500000000000001,0.00309611593474,24.887493332,-0.00124149111194,2.59700011532,0.738159324039,53.1999350236,-0.562420286285,4.78635605162 +0.2550000000000001,0.00120852123153,24.887493332,-0.00164639842495,2.59700011532,0.841123459156,53.1999350236,-0.530264983882,4.78635605162 +0.2600000000000001,0.00296770830518,24.887493332,-0.00227557552413,2.59700011532,0.976992971635,53.1999350236,-0.501711546802,4.78635605162 +0.2650000000000001,0.00346446876209,24.887493332,-0.00339370868859,2.59700011532,1.17176767092,53.1999350236,-0.477092298472,4.78635605162 +0.27000000000000013,0.00311165177851,24.887493332,-0.0059459529095,2.59700011532,1.48075094168,53.1999350236,-0.456618664681,4.78635605162 +0.27500000000000013,5.81181297004e-05,24.887493332,-0.017658799066,2.59700011532,2.04846257485,53.1999350236,-0.440426219434,4.78635605162 +0.28000000000000014,0.00944333510943,24.887493332,0.023614750085,2.59700011532,3.40557789309,53.1999350236,-0.428632720771,4.78635605162 +0.28500000000000014,0.00340829970713,24.887493332,0.00767066056605,2.59700011532,3.11284671985,53.1999350236,-0.421397253632,4.78635605162 +0.29000000000000015,0.00465662583969,24.887493332,0.00479547193423,2.59700011532,7.3226845792,53.1999350236,-0.418979551034,4.78635605162 +0.29500000000000015,0.00803485316173,24.887493332,0.00360288615197,2.59700011532,2.89900743487,53.1999350236,-0.421805251145,4.78635605162 +0.30000000000000016,0.011317208785,24.887493332,0.00295953304001,2.59700011532,1.81265725321,53.1999350236,-0.430548255252,4.78635605162 +0.30500000000000016,0.0150342971053,24.887493332,0.00256543644154,2.59700011532,1.33509443051,53.1999350236,-0.446248610867,4.78635605162 +0.31000000000000016,0.0195367803603,24.887493332,0.00230729950188,2.59700011532,1.07524607458,53.1999350236,-0.470497775671,4.78635605162 +0.31500000000000017,0.0252566844823,24.887493332,0.00213320374467,2.59700011532,0.919444803615,53.1999350236,-0.505751070035,4.78635605162 +0.3200000000000002,0.0328467262745,24.887493332,0.00201640022284,2.59700011532,0.823327239499,53.1999350236,-0.555889367891,4.78635605162 +0.3250000000000002,0.0433920010407,24.887493332,0.0019421605681,2.59700011532,0.767055057191,53.1999350236,-0.627301579015,4.78635605162 +0.3300000000000002,0.0588411035857,24.887493332,0.00190225207722,2.59700011532,0.742100920444,53.1999350236,-0.731155591538,4.78635605162 +0.3350000000000002,0.0830086530868,24.887493332,0.00189240571623,2.59700011532,0.747384467914,53.1999350236,-0.888719562089,4.78635605162 +0.3400000000000002,0.12423731265,24.887493332,0.00191114377949,2.59700011532,0.790619061756,53.1999350236,-1.14588760045,4.78635605162 +0.3450000000000002,0.203820698837,24.887493332,0.00195933974328,2.59700011532,0.899404931831,53.1999350236,-1.62299653837,4.78635605162 +0.3500000000000002,0.390562922342,24.887493332,0.00204028979904,2.59700011532,1.18152944757,53.1999350236,-2.76799848929,4.78635605162 +0.3550000000000002,1.02223133173,24.887493332,0.00216030007533,2.59700011532,2.64941999732,53.1999350236,-8.84234636717,4.78635605162 0.3600000000000002,6.9577971122,24.887493332,0.00233000990751,2.59700011532,1.20022386476,53.1999350236,8.04846171823,4.78635605162 -0.3650000000000002,-18.536899259,24.887493332,0.00256703619018,2.59700011532,0.458741195621,53.1999350236,2.87699372783,4.78635605162 -0.3700000000000002,-1.39066604189,24.887493332,0.0029013579004,2.59700011532,0.428452490342,53.1999350236,1.80260103173,4.78635605162 -0.3750000000000002,-0.461207455208,24.887493332,0.00338712026367,2.59700011532,0.362958187378,53.1999350236,1.34317089246,4.78635605162 -0.3800000000000002,-0.223731187001,24.887493332,0.00413170682114,2.59700011532,0.301055452763,53.1999350236,1.09124468109,4.78635605162 -0.38500000000000023,-0.128229841417,24.887493332,0.00538073173552,2.59700011532,0.240107113086,53.1999350236,0.93409620892,4.78635605162 -0.39000000000000024,-0.0784920119467,24.887493332,0.00784320725238,2.59700011532,0.170645997776,53.1999350236,0.828064963517,4.78635605162 -0.39500000000000024,-0.0431611488023,24.887493332,0.0147525608011,2.59700011532,0.0479569348817,53.1999350236,0.752702627484,4.78635605162 +0.3650000000000002,18.536899259,24.887493332,0.00256703619018,2.59700011532,0.458741195621,53.1999350236,2.87699372783,4.78635605162 +0.3700000000000002,1.39066604189,24.887493332,0.0029013579004,2.59700011532,0.428452490342,53.1999350236,1.80260103173,4.78635605162 +0.3750000000000002,0.461207455208,24.887493332,0.00338712026367,2.59700011532,0.362958187378,53.1999350236,1.34317089246,4.78635605162 +0.3800000000000002,0.223731187001,24.887493332,0.00413170682114,2.59700011532,0.301055452763,53.1999350236,1.09124468109,4.78635605162 +0.38500000000000023,0.128229841417,24.887493332,0.00538073173552,2.59700011532,0.240107113086,53.1999350236,0.93409620892,4.78635605162 +0.39000000000000024,0.0784920119467,24.887493332,0.00784320725238,2.59700011532,0.170645997776,53.1999350236,0.828064963517,4.78635605162 +0.39500000000000024,0.0431611488023,24.887493332,0.0147525608011,2.59700011532,0.0479569348817,53.1999350236,0.752702627484,4.78635605162 0.40000000000000024,0.125171738448,24.887493332,0.133635902199,2.59700011532,0.157958083139,53.1999350236,0.697173708623,4.78635605162 -0.40500000000000025,-0.0584942984204,24.887493332,-0.0189855321451,2.59700011532,0.233609668151,53.1999350236,0.655219001313,4.78635605162 -0.41000000000000025,-0.037702725343,24.887493332,-0.00892863564252,2.59700011532,0.297743334418,53.1999350236,0.622989555054,4.78635605162 -0.41500000000000026,-0.027827106942,24.887493332,-0.00588638133755,2.59700011532,0.360227788464,53.1999350236,0.598008455715,4.78635605162 -0.42000000000000026,-0.0211987160476,24.887493332,-0.00442910916332,2.59700011532,0.42599152393,53.1999350236,0.57863048966,4.78635605162 -0.42500000000000027,-0.0160802276811,24.887493332,-0.00358152181559,2.59700011532,0.499061371088,53.1999350236,0.563742368813,4.78635605162 -0.43000000000000027,-0.0116739791922,24.887493332,-0.00303237055096,2.59700011532,0.583905567893,53.1999350236,0.552588046692,4.78635605162 -0.4350000000000003,-0.00728500366889,24.887493332,-0.00265158641512,2.59700011532,0.686486121185,53.1999350236,0.544663350089,4.78635605162 -0.4400000000000003,-0.00243291347265,24.887493332,-0.00237526997039,2.59700011532,0.815737263059,53.1999350236,0.539651413346,4.78635605162 -0.4450000000000003,-0.00696198428924,24.887493332,-0.00216842991751,2.59700011532,0.986299442514,53.1999350236,0.537383772652,4.78635605162 -0.4500000000000003,-0.00884851819847,24.887493332,-0.00201036354406,2.59700011532,1.22437969711,53.1999350236,0.537819018778,4.78635605162 -0.4550000000000003,-0.00981004369416,24.887493332,-0.00188810713602,2.59700011532,1.58201216785,53.1999350236,0.541034965552,4.78635605162 -0.4600000000000003,-0.0100218150295,24.887493332,-0.00179320090124,2.59700011532,2.17654305476,53.1999350236,0.547232998658,4.78635605162 -0.4650000000000003,-0.00925982419887,24.887493332,-0.0017199680688,2.59700011532,3.29135191908,53.1999350236,0.556755557551,4.78635605162 -0.4700000000000003,-0.00649167144982,24.887493332,-0.00166454644856,2.59700011532,-0.343367636509,53.1999350236,0.570120302197,4.78635605162 -0.4750000000000003,-0.00695375377574,24.887493332,-0.00162432127992,2.59700011532,18.3891004778,53.1999350236,0.588078304694,4.78635605162 -0.4800000000000003,-0.0147497845514,24.887493332,-0.00159758644143,2.59700011532,5.42949840841,53.1999350236,0.611710070066,4.78635605162 -0.4850000000000003,-0.0228537785489,24.887493332,-0.0015833449369,2.59700011532,3.20885144676,53.1999350236,0.642585338604,4.78635605162 -0.4900000000000003,-0.0280619238181,24.887493332,-0.00158120223415,2.59700011532,2.04560508739,53.1999350236,0.683037188758,4.78635605162 -0.49500000000000033,-0.0287684290134,24.887493332,-0.00160677194296,2.59700011532,1.49764431607,53.1999350236,0.715994577108,4.78635605162 +0.40500000000000025,0.0584942984204,24.887493332,-0.0189855321451,2.59700011532,0.233609668151,53.1999350236,0.655219001313,4.78635605162 +0.41000000000000025,0.037702725343,24.887493332,-0.00892863564252,2.59700011532,0.297743334418,53.1999350236,0.622989555054,4.78635605162 +0.41500000000000026,0.027827106942,24.887493332,-0.00588638133755,2.59700011532,0.360227788464,53.1999350236,0.598008455715,4.78635605162 +0.42000000000000026,0.0211987160476,24.887493332,-0.00442910916332,2.59700011532,0.42599152393,53.1999350236,0.57863048966,4.78635605162 +0.42500000000000027,0.0160802276811,24.887493332,-0.00358152181559,2.59700011532,0.499061371088,53.1999350236,0.563742368813,4.78635605162 +0.43000000000000027,0.0116739791922,24.887493332,-0.00303237055096,2.59700011532,0.583905567893,53.1999350236,0.552588046692,4.78635605162 +0.4350000000000003,0.00728500366889,24.887493332,-0.00265158641512,2.59700011532,0.686486121185,53.1999350236,0.544663350089,4.78635605162 +0.4400000000000003,0.00243291347265,24.887493332,-0.00237526997039,2.59700011532,0.815737263059,53.1999350236,0.539651413346,4.78635605162 +0.4450000000000003,0.00696198428924,24.887493332,-0.00216842991751,2.59700011532,0.986299442514,53.1999350236,0.537383772652,4.78635605162 +0.4500000000000003,0.00884851819847,24.887493332,-0.00201036354406,2.59700011532,1.22437969711,53.1999350236,0.537819018778,4.78635605162 +0.4550000000000003,0.00981004369416,24.887493332,-0.00188810713602,2.59700011532,1.58201216785,53.1999350236,0.541034965552,4.78635605162 +0.4600000000000003,0.0100218150295,24.887493332,-0.00179320090124,2.59700011532,2.17654305476,53.1999350236,0.547232998658,4.78635605162 +0.4650000000000003,0.00925982419887,24.887493332,-0.0017199680688,2.59700011532,3.29135191908,53.1999350236,0.556755557551,4.78635605162 +0.4700000000000003,0.00649167144982,24.887493332,-0.00166454644856,2.59700011532,0.343367636509,53.1999350236,0.570120302197,4.78635605162 +0.4750000000000003,0.00695375377574,24.887493332,-0.00162432127992,2.59700011532,18.3891004778,53.1999350236,0.588078304694,4.78635605162 +0.4800000000000003,0.0147497845514,24.887493332,-0.00159758644143,2.59700011532,5.42949840841,53.1999350236,0.611710070066,4.78635605162 +0.4850000000000003,0.0228537785489,24.887493332,-0.0015833449369,2.59700011532,3.20885144676,53.1999350236,0.642585338604,4.78635605162 +0.4900000000000003,0.0280619238181,24.887493332,-0.00158120223415,2.59700011532,2.04560508739,53.1999350236,0.683037188758,4.78635605162 +0.49500000000000033,0.0287684290134,24.887493332,-0.00160677194296,2.59700011532,1.49764431607,53.1999350236,0.715994577108,4.78635605162 diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_1.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_1.csv index 0591a62545..ffe41b27bc 100644 --- a/tests/framework/PostProcessors/Validation/DSS/pp2_print_1.csv +++ b/tests/framework/PostProcessors/Validation/DSS/pp2_print_1.csv @@ -20,14 +20,14 @@ pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard 0.09000000000000001,0.00153529464373,78.5323269828,4.37357620277e-05,8.02406872151,0.137405153594,21.1645936719,0.00883634014844,3.62270476039 0.09500000000000001,0.00154146111344,78.5323269828,5.00760395577e-05,8.02406872151,0.212755471826,21.1645936719,-0.00846684654297,3.62270476039 0.10000000000000002,0.00125478869626,78.5323269828,6.0390815383e-05,8.02406872151,1.5988061707,21.1645936719,-0.00250601690095,3.62270476039 -0.10500000000000002,0.000772175184071,78.5323269828,7.94364951969e-05,8.02406872151,-7.48669871307,21.1645936719,-0.00134643522011,3.62270476039 -0.11000000000000003,0.00223574857561,78.5323269828,0.000124632059843,8.02406872151,-0.413573575915,21.1645936719,-0.000855478667377,3.62270476039 -0.11500000000000003,0.00366331896809,78.5323269828,0.000352094517332,8.02406872151,-0.121052016172,21.1645936719,-0.000584330264464,3.62270476039 -0.12000000000000004,0.00481738095475,78.5323269828,-0.000336680273934,8.02406872151,-0.0503855034092,21.1645936719,-0.000410720594005,3.62270476039 -0.12500000000000003,0.00662913115137,78.5323269828,-0.000106374679546,8.02406872151,-0.0234170232593,21.1645936719,-0.000286946114568,3.62270476039 -0.13000000000000003,0.00866007541832,78.5323269828,-6.08457355132e-05,8.02406872151,-0.0107458842608,21.1645936719,-0.000189675836893,3.62270476039 -0.13500000000000004,0.0110758004082,78.5323269828,-4.15638099506e-05,8.02406872151,-0.0041603475582,21.1645936719,-0.000105003718329,3.62270476039 -0.14000000000000004,0.0140284466065,78.5323269828,-3.09727411283e-05,8.02406872151,-0.000617383138954,21.1645936719,-2.25654101801e-05,3.62270476039 +0.10500000000000002,0.000772175184071,78.5323269828,7.94364951969e-05,8.02406872151,7.48669871307,21.1645936719,-0.00134643522011,3.62270476039 +0.11000000000000003,0.00223574857561,78.5323269828,0.000124632059843,8.02406872151,0.413573575915,21.1645936719,-0.000855478667377,3.62270476039 +0.11500000000000003,0.00366331896809,78.5323269828,0.000352094517332,8.02406872151,0.121052016172,21.1645936719,-0.000584330264464,3.62270476039 +0.12000000000000004,0.00481738095475,78.5323269828,-0.000336680273934,8.02406872151,0.0503855034092,21.1645936719,-0.000410720594005,3.62270476039 +0.12500000000000003,0.00662913115137,78.5323269828,-0.000106374679546,8.02406872151,0.0234170232593,21.1645936719,-0.000286946114568,3.62270476039 +0.13000000000000003,0.00866007541832,78.5323269828,-6.08457355132e-05,8.02406872151,0.0107458842608,21.1645936719,-0.000189675836893,3.62270476039 +0.13500000000000004,0.0110758004082,78.5323269828,-4.15638099506e-05,8.02406872151,0.0041603475582,21.1645936719,-0.000105003718329,3.62270476039 +0.14000000000000004,0.0140284466065,78.5323269828,-3.09727411283e-05,8.02406872151,0.000617383138954,21.1645936719,-2.25654101801e-05,3.62270476039 0.14500000000000005,0.0177699755735,78.5323269828,-2.42764214694e-05,8.02406872151,0.00124587128596,21.1645936719,6.76472198329e-05,3.62270476039 0.15000000000000005,0.0227701859871,78.5323269828,-1.96176433169e-05,8.02406872151,0.00213169974396,21.1645936719,0.000178037706082,3.62270476039 0.15500000000000005,0.0299926294325,78.5323269828,-1.61162762964e-05,8.02406872151,0.00244007370638,21.1645936719,0.000327303277569,3.62270476039 @@ -35,11 +35,11 @@ pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard 0.16500000000000006,0.0643186472701,78.5323269828,-1.08557501738e-05,8.02406872151,0.00218991014403,21.1645936719,0.000906013974106,3.62270476039 0.17000000000000007,0.124719770968,78.5323269828,-8.61146363399e-06,8.02406872151,0.00184028567937,21.1645936719,0.00155620869662,3.62270476039 0.17500000000000007,0.494938369974,78.5323269828,-6.41978064852e-06,8.02406872151,0.00126847297741,21.1645936719,0.00297767637778,3.62270476039 -0.18000000000000008,-2.46641065603,78.5323269828,-4.17133774529e-06,8.02406872151,0.00173926936988,21.1645936719,0.00772575298958,3.62270476039 -0.18500000000000008,-0.0414611869821,78.5323269828,-1.77413937144e-06,8.02406872151,-0.025561946542,21.1645936719,-0.11539011265,3.62270476039 -0.19000000000000009,0.00569319620955,78.5323269828,8.55060129221e-07,8.02406872151,-0.00146300939145,21.1645936719,-0.0100554509397,3.62270476039 -0.1950000000000001,0.011004902984,78.5323269828,3.79709063573e-06,8.02406872151,-0.000475864139573,21.1645936719,-0.00635126793396,3.62270476039 -0.2000000000000001,0.0108503108153,78.5323269828,7.13581055212e-06,8.02406872151,-0.000128654332099,21.1645936719,-0.00518006530933,3.62270476039 +0.18000000000000008,2.46641065603,78.5323269828,-4.17133774529e-06,8.02406872151,0.00173926936988,21.1645936719,0.00772575298958,3.62270476039 +0.18500000000000008,0.0414611869821,78.5323269828,-1.77413937144e-06,8.02406872151,0.025561946542,21.1645936719,-0.11539011265,3.62270476039 +0.19000000000000009,0.00569319620955,78.5323269828,8.55060129221e-07,8.02406872151,0.00146300939145,21.1645936719,-0.0100554509397,3.62270476039 +0.1950000000000001,0.011004902984,78.5323269828,3.79709063573e-06,8.02406872151,0.000475864139573,21.1645936719,-0.00635126793396,3.62270476039 +0.2000000000000001,0.0108503108153,78.5323269828,7.13581055212e-06,8.02406872151,0.000128654332099,21.1645936719,-0.00518006530933,3.62270476039 0.2050000000000001,0.00969350347973,78.5323269828,1.09636231742e-05,8.02406872151,1.49277955888e-05,21.1645936719,-0.00467894362698,3.62270476039 0.2100000000000001,0.00842420202358,78.5323269828,1.53879274562e-05,8.02406872151,4.02892302638e-05,21.1645936719,-0.0044476870953,3.62270476039 0.2150000000000001,0.00724575947031,78.5323269828,2.05394988306e-05,8.02406872151,0.000191885884931,21.1645936719,-0.0043446838376,3.62270476039 @@ -56,46 +56,46 @@ pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard 0.27000000000000013,0.00202193397403,78.5323269828,0.000330771307489,8.02406872151,0.0624826810512,21.1645936719,-0.00414561873163,3.62270476039 0.27500000000000013,0.002001032412,78.5323269828,0.000531589183265,8.02406872151,0.163182566838,21.1645936719,-0.00416897908533,3.62270476039 0.28000000000000014,0.00175329778763,78.5323269828,0.00112482219142,8.02406872151,0.841675558765,21.1645936719,-0.00421921817404,3.62270476039 -0.28500000000000014,0.00125269551862,78.5323269828,0.0359810627555,8.02406872151,-30.1715064164,21.1645936719,-0.00430254667581,3.62270476039 -0.29000000000000015,0.00173690674608,78.5323269828,-0.00139473398204,8.02406872151,-0.541470714699,21.1645936719,-0.0044263349351,3.62270476039 -0.29500000000000015,0.00310890477779,78.5323269828,-0.000737322863662,8.02406872151,-0.166181672723,21.1645936719,-0.00459991742035,3.62270476039 -0.30000000000000016,0.00456146898278,78.5323269828,-0.00052674979752,8.02406872151,-0.0829631693218,21.1645936719,-0.00483577503259,3.62270476039 -0.30500000000000016,0.00628601499582,78.5323269828,-0.000425524249225,8.02406872151,-0.0512147337907,21.1645936719,-0.00515137300595,3.62270476039 -0.31000000000000016,0.00845797610112,78.5323269828,-0.000368150791594,8.02406872151,-0.0356827739788,21.1645936719,-0.00557219787766,3.62270476039 -0.31500000000000017,0.0113216825999,78.5323269828,-0.0003331746523,8.02406872151,-0.0269350413193,21.1645936719,-0.00613710629019,3.62270476039 -0.3200000000000002,0.015267935443,78.5323269828,-0.000311603763873,8.02406872151,-0.0215737276619,21.1645936719,-0.00690843116545,3.62270476039 -0.3250000000000002,0.0209754548459,78.5323269828,-0.00029913248091,8.02406872151,-0.0181422611288,21.1645936719,-0.00799273681681,3.62270476039 -0.3300000000000002,0.0297210356289,78.5323269828,-0.000293590171994,8.02406872151,-0.0159619678347,21.1645936719,-0.00958820041251,3.62270476039 -0.3350000000000002,0.0441503928111,78.5323269828,-0.000293955979829,8.02406872151,-0.0147516320894,21.1645936719,-0.0121094126143,3.62270476039 -0.3400000000000002,0.0705032247119,78.5323269828,-0.00029995850538,8.02406872151,-0.0145712178054,21.1645936719,-0.0165925304479,3.62270476039 -0.3450000000000002,0.126536483196,78.5323269828,-0.000311949955848,8.02406872151,-0.016262292345,21.1645936719,-0.0265554172213,3.62270476039 -0.3500000000000002,0.280803513005,78.5323269828,-0.000330964255244,8.02406872151,-0.0265280222762,21.1645936719,-0.066497609455,3.62270476039 +0.28500000000000014,0.00125269551862,78.5323269828,0.0359810627555,8.02406872151,30.1715064164,21.1645936719,-0.00430254667581,3.62270476039 +0.29000000000000015,0.00173690674608,78.5323269828,-0.00139473398204,8.02406872151,0.541470714699,21.1645936719,-0.0044263349351,3.62270476039 +0.29500000000000015,0.00310890477779,78.5323269828,-0.000737322863662,8.02406872151,0.166181672723,21.1645936719,-0.00459991742035,3.62270476039 +0.30000000000000016,0.00456146898278,78.5323269828,-0.00052674979752,8.02406872151,0.0829631693218,21.1645936719,-0.00483577503259,3.62270476039 +0.30500000000000016,0.00628601499582,78.5323269828,-0.000425524249225,8.02406872151,0.0512147337907,21.1645936719,-0.00515137300595,3.62270476039 +0.31000000000000016,0.00845797610112,78.5323269828,-0.000368150791594,8.02406872151,0.0356827739788,21.1645936719,-0.00557219787766,3.62270476039 +0.31500000000000017,0.0113216825999,78.5323269828,-0.0003331746523,8.02406872151,0.0269350413193,21.1645936719,-0.00613710629019,3.62270476039 +0.3200000000000002,0.015267935443,78.5323269828,-0.000311603763873,8.02406872151,0.0215737276619,21.1645936719,-0.00690843116545,3.62270476039 +0.3250000000000002,0.0209754548459,78.5323269828,-0.00029913248091,8.02406872151,0.0181422611288,21.1645936719,-0.00799273681681,3.62270476039 +0.3300000000000002,0.0297210356289,78.5323269828,-0.000293590171994,8.02406872151,0.0159619678347,21.1645936719,-0.00958820041251,3.62270476039 +0.3350000000000002,0.0441503928111,78.5323269828,-0.000293955979829,8.02406872151,0.0147516320894,21.1645936719,-0.0121094126143,3.62270476039 +0.3400000000000002,0.0705032247119,78.5323269828,-0.00029995850538,8.02406872151,0.0145712178054,21.1645936719,-0.0165925304479,3.62270476039 +0.3450000000000002,0.126536483196,78.5323269828,-0.000311949955848,8.02406872151,0.016262292345,21.1645936719,-0.0265554172213,3.62270476039 +0.3500000000000002,0.280803513005,78.5323269828,-0.000330964255244,8.02406872151,0.0265280222762,21.1645936719,-0.066497609455,3.62270476039 0.3550000000000002,1.02324913362,78.5323269828,-0.000358979521713,8.02406872151,0.0298908562968,21.1645936719,0.136708832882,3.62270476039 0.3600000000000002,80.1685866409,78.5323269828,-0.000399528825841,8.02406872151,0.00187240234695,21.1645936719,0.0343043054976,3.62270476039 -0.3650000000000002,-1.79519173079,78.5323269828,-0.000459072822812,8.02406872151,0.0027974550452,21.1645936719,0.0199018342634,3.62270476039 -0.3700000000000002,-0.396905209568,78.5323269828,-0.000550354811098,8.02406872151,0.00196447877021,21.1645936719,0.0142027898753,3.62270476039 -0.3750000000000002,-0.172007319674,78.5323269828,-0.000701977803126,8.02406872151,0.00121110983051,21.1645936719,0.0111763984294,3.62270476039 -0.3800000000000002,-0.0968649163453,78.5323269828,-0.00099349891318,8.02406872151,0.00061232574077,21.1645936719,0.00931878570727,3.62270476039 -0.38500000000000023,-0.0636563968426,78.5323269828,-0.00175835669441,8.02406872151,0.000167538565504,21.1645936719,0.00807685474333,3.62270476039 -0.39000000000000024,-0.0561966955212,78.5323269828,-0.00856322755607,8.02406872151,-8.0456588826e-05,21.1645936719,0.00719971537706,3.62270476039 -0.39500000000000024,-0.0260206570271,78.5323269828,0.00291043543761,8.02406872151,-0.000288516079035,21.1645936719,0.00655732455789,3.62270476039 -0.40000000000000024,-0.0213502799877,78.5323269828,0.00123939077254,8.02406872151,-0.000876677291258,21.1645936719,0.00607577941537,3.62270476039 -0.40500000000000025,-0.016899092494,78.5323269828,0.000788878127904,8.02406872151,-0.0017178654172,21.1645936719,0.00571021259275,3.62270476039 -0.41000000000000025,-0.0134051383915,78.5323269828,0.000581133294843,8.02406872151,-0.00289031251364,21.1645936719,0.0054320610037,3.62270476039 -0.41500000000000026,-0.0106196180657,78.5323269828,0.00046265549946,8.02406872151,-0.00452348561758,21.1645936719,0.00522255321938,3.62270476039 -0.42000000000000026,-0.00830333105079,78.5323269828,0.000386842345636,8.02406872151,-0.00682983486137,21.1645936719,0.00506915740742,3.62270476039 -0.42500000000000027,-0.0062597143635,78.5323269828,0.000334748408515,8.02406872151,-0.0101640037956,21.1645936719,0.00496355398608,3.62270476039 -0.43000000000000027,-0.00428053116836,78.5323269828,0.000297231742542,8.02406872151,-0.0151430112141,21.1645936719,0.00490045113692,3.62270476039 -0.4350000000000003,-0.00183094244122,78.5323269828,0.000269350407586,8.02406872151,-0.0229061424782,21.1645936719,0.00487690217277,3.62270476039 -0.4400000000000003,-0.00273321375559,78.5323269828,0.00024820979193,8.02406872151,-0.0357308620284,21.1645936719,0.00489195140857,3.62270476039 -0.4450000000000003,-0.00388360453739,78.5323269828,0.000232012825754,8.02406872151,-0.0586844015204,21.1645936719,0.00494652670219,3.62270476039 -0.4500000000000003,-0.00445348727543,78.5323269828,0.000219596381833,8.02406872151,-0.104878587617,21.1645936719,0.00504355611419,3.62270476039 -0.4550000000000003,-0.0046422237846,78.5323269828,0.000210187123956,8.02406872151,-0.217029543586,21.1645936719,0.00518833724011,3.62270476039 -0.4600000000000003,-0.00441220704131,78.5323269828,0.000203265440004,8.02406872151,-0.603815420293,21.1645936719,0.00538925015073,3.62270476039 -0.4650000000000003,-0.00346569189527,78.5323269828,0.000198486694994,8.02406872151,-4.0640633147,21.1645936719,0.00565900476547,3.62270476039 -0.4700000000000003,-0.00191015692685,78.5323269828,0.000195635089853,8.02406872151,17.9868344846,21.1645936719,0.00601680122675,3.62270476039 -0.4750000000000003,-0.00569507867241,78.5323269828,0.000194597602017,8.02406872151,1.19241195807,21.1645936719,0.00649217227692,3.62270476039 -0.4800000000000003,-0.00910691494635,78.5323269828,0.00019535171858,8.02406872151,0.416943814092,21.1645936719,0.00713216163498,3.62270476039 -0.4850000000000003,-0.0130557612771,78.5323269828,0.000197964290948,8.02406872151,0.219083602994,21.1645936719,0.00801569461804,3.62270476039 -0.4900000000000003,-0.0154658754364,78.5323269828,0.000202601458671,8.02406872151,0.122663915599,21.1645936719,0.00928513779775,3.62270476039 -0.49500000000000033,-0.015404620316,78.5323269828,0.00020681289425,8.02406872151,0.0837281391226,21.1645936719,0.0101591584241,3.62270476039 +0.3650000000000002,1.79519173079,78.5323269828,-0.000459072822812,8.02406872151,0.0027974550452,21.1645936719,0.0199018342634,3.62270476039 +0.3700000000000002,0.396905209568,78.5323269828,-0.000550354811098,8.02406872151,0.00196447877021,21.1645936719,0.0142027898753,3.62270476039 +0.3750000000000002,0.172007319674,78.5323269828,-0.000701977803126,8.02406872151,0.00121110983051,21.1645936719,0.0111763984294,3.62270476039 +0.3800000000000002,0.0968649163453,78.5323269828,-0.00099349891318,8.02406872151,0.00061232574077,21.1645936719,0.00931878570727,3.62270476039 +0.38500000000000023,0.0636563968426,78.5323269828,-0.00175835669441,8.02406872151,0.000167538565504,21.1645936719,0.00807685474333,3.62270476039 +0.39000000000000024,0.0561966955212,78.5323269828,-0.00856322755607,8.02406872151,8.0456588826e-05,21.1645936719,0.00719971537706,3.62270476039 +0.39500000000000024,0.0260206570271,78.5323269828,0.00291043543761,8.02406872151,0.000288516079035,21.1645936719,0.00655732455789,3.62270476039 +0.40000000000000024,0.0213502799877,78.5323269828,0.00123939077254,8.02406872151,0.000876677291258,21.1645936719,0.00607577941537,3.62270476039 +0.40500000000000025,0.016899092494,78.5323269828,0.000788878127904,8.02406872151,0.0017178654172,21.1645936719,0.00571021259275,3.62270476039 +0.41000000000000025,0.0134051383915,78.5323269828,0.000581133294843,8.02406872151,0.00289031251364,21.1645936719,0.0054320610037,3.62270476039 +0.41500000000000026,0.0106196180657,78.5323269828,0.00046265549946,8.02406872151,0.00452348561758,21.1645936719,0.00522255321938,3.62270476039 +0.42000000000000026,0.00830333105079,78.5323269828,0.000386842345636,8.02406872151,0.00682983486137,21.1645936719,0.00506915740742,3.62270476039 +0.42500000000000027,0.0062597143635,78.5323269828,0.000334748408515,8.02406872151,0.0101640037956,21.1645936719,0.00496355398608,3.62270476039 +0.43000000000000027,0.00428053116836,78.5323269828,0.000297231742542,8.02406872151,0.0151430112141,21.1645936719,0.00490045113692,3.62270476039 +0.4350000000000003,0.00183094244122,78.5323269828,0.000269350407586,8.02406872151,0.0229061424782,21.1645936719,0.00487690217277,3.62270476039 +0.4400000000000003,0.00273321375559,78.5323269828,0.00024820979193,8.02406872151,0.0357308620284,21.1645936719,0.00489195140857,3.62270476039 +0.4450000000000003,0.00388360453739,78.5323269828,0.000232012825754,8.02406872151,0.0586844015204,21.1645936719,0.00494652670219,3.62270476039 +0.4500000000000003,0.00445348727543,78.5323269828,0.000219596381833,8.02406872151,0.104878587617,21.1645936719,0.00504355611419,3.62270476039 +0.4550000000000003,0.0046422237846,78.5323269828,0.000210187123956,8.02406872151,0.217029543586,21.1645936719,0.00518833724011,3.62270476039 +0.4600000000000003,0.00441220704131,78.5323269828,0.000203265440004,8.02406872151,0.603815420293,21.1645936719,0.00538925015073,3.62270476039 +0.4650000000000003,0.00346569189527,78.5323269828,0.000198486694994,8.02406872151,4.0640633147,21.1645936719,0.00565900476547,3.62270476039 +0.4700000000000003,0.00191015692685,78.5323269828,0.000195635089853,8.02406872151,17.9868344846,21.1645936719,0.00601680122675,3.62270476039 +0.4750000000000003,0.00569507867241,78.5323269828,0.000194597602017,8.02406872151,1.19241195807,21.1645936719,0.00649217227692,3.62270476039 +0.4800000000000003,0.00910691494635,78.5323269828,0.00019535171858,8.02406872151,0.416943814092,21.1645936719,0.00713216163498,3.62270476039 +0.4850000000000003,0.0130557612771,78.5323269828,0.000197964290948,8.02406872151,0.219083602994,21.1645936719,0.00801569461804,3.62270476039 +0.4900000000000003,0.0154658754364,78.5323269828,0.000202601458671,8.02406872151,0.122663915599,21.1645936719,0.00928513779775,3.62270476039 +0.49500000000000033,0.015404620316,78.5323269828,0.00020681289425,8.02406872151,0.0837281391226,21.1645936719,0.0101591584241,3.62270476039 diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_2.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_2.csv index 91a45e91ad..e37aeede47 100644 --- a/tests/framework/PostProcessors/Validation/DSS/pp2_print_2.csv +++ b/tests/framework/PostProcessors/Validation/DSS/pp2_print_2.csv @@ -1,7 +1,7 @@ pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation -0.0,-0.0499281922006,37.767391036,0.00214950159842,4.28650302037,1.48043773097e-06,153.440198563,-2.78869210709e-06,15.4153269263 -0.005,-0.108821350709,37.767391036,0.00344512627925,4.28650302037,1.92343383019e-06,153.440198563,-3.78745340746e-06,15.4153269263 -0.01,-2.80127775886,37.767391036,-0.0154495882567,4.28650302037,1.53098863678e-06,153.440198563,-4.83741886226e-06,15.4153269263 +0.0,0.0499281922006,37.767391036,0.00214950159842,4.28650302037,1.48043773097e-06,153.440198563,-2.78869210709e-06,15.4153269263 +0.005,0.108821350709,37.767391036,0.00344512627925,4.28650302037,1.92343383019e-06,153.440198563,-3.78745340746e-06,15.4153269263 +0.01,2.80127775886,37.767391036,-0.0154495882567,4.28650302037,1.53098863678e-06,153.440198563,-4.83741886226e-06,15.4153269263 0.015,0.666352304377,37.767391036,-0.00270493401925,4.28650302037,1.90085196915e-06,153.440198563,-5.79512180408e-06,15.4153269263 0.02,0.105537707351,37.767391036,-0.00161203987177,4.28650302037,3.32599773558e-06,153.440198563,-6.63492581009e-06,15.4153269263 0.025,0.0431344458161,37.767391036,-0.00122160618589,4.28650302037,4.40380458328e-06,153.440198563,-7.35165063744e-06,15.4153269263 @@ -23,13 +23,13 @@ pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard 0.10500000000000002,0.00330033104617,37.767391036,-0.00130846731198,4.28650302037,0.0031709156581,153.440198563,6.80776138803e-05,15.4153269263 0.11000000000000003,0.00305357249322,37.767391036,-0.00159401185415,4.28650302037,0.0092741572586,153.440198563,2.3630670193e-05,15.4153269263 0.11500000000000003,0.00192066846575,37.767391036,-0.00213582689044,4.28650302037,0.184535236178,153.440198563,1.31146173897e-05,15.4153269263 -0.12000000000000004,0.00252956428232,37.767391036,-0.00350365660164,4.28650302037,-0.0261601202469,153.440198563,8.43267598045e-06,15.4153269263 -0.12500000000000003,0.00197195699887,37.767391036,-0.0128058571372,4.28650302037,-0.00407839423995,153.440198563,5.78128280747e-06,15.4153269263 -0.13000000000000003,0.0119156742882,37.767391036,0.0064905335384,4.28650302037,-0.00136658922718,153.440198563,4.05421618831e-06,15.4153269263 -0.13500000000000004,0.013671245455,37.767391036,0.0024343989044,4.28650302037,-0.000561531221493,153.440198563,2.8037103852e-06,15.4153269263 -0.14000000000000004,0.0169855507165,37.767391036,0.00144628153041,4.28650302037,-0.000233033923817,153.440198563,1.80407295399e-06,15.4153269263 -0.14500000000000005,0.0210482642293,37.767391036,0.00100434732335,4.28650302037,-7.82755721773e-05,153.440198563,9.15992711228e-07,15.4153269263 -0.15000000000000005,0.0258835576537,37.767391036,0.000755025231215,4.28650302037,-1.7285453844e-06,153.440198563,3.07115919595e-08,15.4153269263 +0.12000000000000004,0.00252956428232,37.767391036,-0.00350365660164,4.28650302037,0.0261601202469,153.440198563,8.43267598045e-06,15.4153269263 +0.12500000000000003,0.00197195699887,37.767391036,-0.0128058571372,4.28650302037,0.00407839423995,153.440198563,5.78128280747e-06,15.4153269263 +0.13000000000000003,0.0119156742882,37.767391036,0.0064905335384,4.28650302037,0.00136658922718,153.440198563,4.05421618831e-06,15.4153269263 +0.13500000000000004,0.013671245455,37.767391036,0.0024343989044,4.28650302037,0.000561531221493,153.440198563,2.8037103852e-06,15.4153269263 +0.14000000000000004,0.0169855507165,37.767391036,0.00144628153041,4.28650302037,0.000233033923817,153.440198563,1.80407295399e-06,15.4153269263 +0.14500000000000005,0.0210482642293,37.767391036,0.00100434732335,4.28650302037,7.82755721773e-05,153.440198563,9.15992711228e-07,15.4153269263 +0.15000000000000005,0.0258835576537,37.767391036,0.000755025231215,4.28650302037,1.7285453844e-06,153.440198563,3.07115919595e-08,15.4153269263 0.15500000000000005,0.0317078406287,37.767391036,0.000594637268036,4.28650302037,3.48615386997e-05,153.440198563,-9.62513297606e-07,15.4153269263 0.16000000000000006,0.03896086226,37.767391036,0.000481492502845,4.28650302037,4.95564952756e-05,153.440198563,-2.20761666073e-06,15.4153269263 0.16500000000000006,0.0484979384313,37.767391036,0.000395330321375,4.28650302037,5.19049338564e-05,153.440198563,-3.9299302102e-06,15.4153269263 @@ -37,8 +37,8 @@ pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard 0.17500000000000007,0.0838925432036,37.767391036,0.000263230775606,4.28650302037,3.86756477784e-05,153.440198563,-1.08771768008e-05,15.4153269263 0.18000000000000008,0.126109101157,37.767391036,0.000205642022718,4.28650302037,2.75555601199e-05,153.440198563,-1.90800002131e-05,15.4153269263 0.18500000000000008,0.243272898987,37.767391036,0.000148680404437,4.28650302037,1.39478669348e-05,153.440198563,-3.84293742393e-05,15.4153269263 -0.19000000000000009,1.25320061527,37.767391036,8.96142018957e-05,4.28650302037,-4.26359975484e-06,153.440198563,-0.000120753657011,15.4153269263 -0.1950000000000001,-0.328279795372,37.767391036,2.61089979965e-05,4.28650302037,6.32719894207e-05,153.440198563,0.000281470696544,15.4153269263 +0.19000000000000009,1.25320061527,37.767391036,8.96142018957e-05,4.28650302037,4.26359975484e-06,153.440198563,-0.000120753657011,15.4153269263 +0.1950000000000001,0.328279795372,37.767391036,2.61089979965e-05,4.28650302037,6.32719894207e-05,153.440198563,0.000281470696544,15.4153269263 0.2000000000000001,0.0566244476106,37.767391036,-4.39845116188e-05,4.28650302037,4.27397326215e-05,153.440198563,8.84294864703e-05,15.4153269263 0.2050000000000001,0.0514053505134,37.767391036,-0.000122794909578,4.28650302037,4.0516001398e-05,153.440198563,6.14787929997e-05,15.4153269263 0.2100000000000001,0.0405028662944,37.767391036,-0.000212581686572,4.28650302037,3.81748740252e-05,153.440198563,5.17038603202e-05,15.4153269263 @@ -56,46 +56,46 @@ pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard 0.27000000000000013,0.00138630396449,37.767391036,-0.00540542120334,4.28650302037,0.000397224923975,153.440198563,3.73821990832e-05,15.4153269263 0.27500000000000013,0.00175262947416,37.767391036,-0.00794025570953,4.28650302037,0.000572450985139,153.440198563,3.70082269142e-05,15.4153269263 0.28000000000000014,0.000671392420297,37.767391036,-0.0134048916244,4.28650302037,0.000893718572204,153.440198563,3.68434041146e-05,15.4153269263 -0.28500000000000014,-0.0046774271677,37.767391036,-0.0335288065715,4.28650302037,0.00159265948961,153.440198563,3.69308396882e-05,15.4153269263 +0.28500000000000014,0.0046774271677,37.767391036,-0.0335288065715,4.28650302037,0.00159265948961,153.440198563,3.69308396882e-05,15.4153269263 0.29000000000000015,0.0317778653141,37.767391036,0.108292813634,4.28650302037,0.00365085181784,153.440198563,3.73169772657e-05,15.4153269263 0.29500000000000015,0.00818339475296,37.767391036,0.0231436754672,4.28650302037,0.0161638728405,153.440198563,3.80564183044e-05,15.4153269263 -0.30000000000000016,0.00111412560967,37.767391036,0.0137808997325,4.28650302037,-0.884787886606,153.440198563,3.9218335031e-05,15.4153269263 -0.30500000000000016,0.00694290356226,37.767391036,0.0102407538624,4.28650302037,-0.00939532288541,153.440198563,4.08954655535e-05,15.4153269263 -0.31000000000000016,0.010493995504,37.767391036,0.00842291698246,4.28650302037,-0.00249837948379,153.440198563,4.32176408333e-05,15.4153269263 -0.31500000000000017,0.0141331036889,37.767391036,0.00735357855299,4.28650302037,-0.00108921245228,153.440198563,4.6373574815e-05,15.4153269263 -0.3200000000000002,0.0183727680949,37.767391036,0.00668439911726,4.28650302037,-0.000581338912779,153.440198563,5.06483583235e-05,15.4153269263 -0.3250000000000002,0.0236396025607,37.767391036,0.00626172773479,4.28650302037,-0.000342494060474,153.440198563,5.64925313104e-05,15.4153269263 -0.3300000000000002,0.0304957537778,37.767391036,0.0060093926315,4.28650302037,-0.000209953796173,153.440198563,6.46596457532e-05,15.4153269263 -0.3350000000000002,0.0398163176516,37.767391036,0.00588786205733,4.28650302037,-0.000126330020937,153.440198563,7.65079974373e-05,15.4153269263 -0.3400000000000002,0.0530915153608,37.767391036,0.00587779409205,4.28650302037,-6.63151602054e-05,153.440198563,9.47525643711e-05,15.4153269263 -0.3450000000000002,0.0730701399213,37.767391036,0.0059730818723,4.28650302037,-1.51946100957e-05,153.440198563,0.000125710933657,15.4153269263 +0.30000000000000016,0.00111412560967,37.767391036,0.0137808997325,4.28650302037,0.884787886606,153.440198563,3.9218335031e-05,15.4153269263 +0.30500000000000016,0.00694290356226,37.767391036,0.0102407538624,4.28650302037,0.00939532288541,153.440198563,4.08954655535e-05,15.4153269263 +0.31000000000000016,0.010493995504,37.767391036,0.00842291698246,4.28650302037,0.00249837948379,153.440198563,4.32176408333e-05,15.4153269263 +0.31500000000000017,0.0141331036889,37.767391036,0.00735357855299,4.28650302037,0.00108921245228,153.440198563,4.6373574815e-05,15.4153269263 +0.3200000000000002,0.0183727680949,37.767391036,0.00668439911726,4.28650302037,0.000581338912779,153.440198563,5.06483583235e-05,15.4153269263 +0.3250000000000002,0.0236396025607,37.767391036,0.00626172773479,4.28650302037,0.000342494060474,153.440198563,5.64925313104e-05,15.4153269263 +0.3300000000000002,0.0304957537778,37.767391036,0.0060093926315,4.28650302037,0.000209953796173,153.440198563,6.46596457532e-05,15.4153269263 +0.3350000000000002,0.0398163176516,37.767391036,0.00588786205733,4.28650302037,0.000126330020937,153.440198563,7.65079974373e-05,15.4153269263 +0.3400000000000002,0.0530915153608,37.767391036,0.00587779409205,4.28650302037,6.63151602054e-05,153.440198563,9.47525643711e-05,15.4153269263 +0.3450000000000002,0.0730701399213,37.767391036,0.0059730818723,4.28650302037,1.51946100957e-05,153.440198563,0.000125710933657,15.4153269263 0.3500000000000002,0.105319260008,37.767391036,0.00617843981787,4.28650302037,4.26696601349e-05,153.440198563,0.000188221448848,15.4153269263 0.3550000000000002,0.162593654311,37.767391036,0.00650996412315,4.28650302037,0.000157569681522,153.440198563,0.000375039417191,15.4153269263 0.3600000000000002,0.279772888882,37.767391036,0.00699877288072,4.28650302037,0.0098837259003,153.440198563,0.0196652331057,15.4153269263 -0.3650000000000002,0.583338306626,37.767391036,0.00769949424298,4.28650302037,-0.000198084213264,153.440198563,-0.000399736267412,15.4153269263 -0.3700000000000002,1.86574241185,37.767391036,0.00870860844522,4.28650302037,-8.02869790213e-05,153.440198563,-0.000201481595308,15.4153269263 -0.3750000000000002,42.3579811861,37.767391036,0.0102064301858,4.28650302037,-1.3156166492e-05,153.440198563,-0.00013678925093,15.4153269263 -0.3800000000000002,-5.26716178934,37.767391036,0.0125657200952,4.28650302037,-4.4608825145e-05,153.440198563,-0.000104990825304,15.4153269263 -0.38500000000000023,-0.889900805818,37.767391036,0.0166922695136,4.28650302037,-5.34329932638e-05,153.440198563,-8.62734355043e-05,15.4153269263 -0.39000000000000024,-0.304090368719,37.767391036,0.0254915046914,4.28650302037,-5.57381594146e-05,153.440198563,-7.40790823169e-05,15.4153269263 -0.39500000000000024,-0.0573578413862,37.767391036,0.0561239913279,4.28650302037,-5.41865304024e-05,153.440198563,-6.56105929421e-05,15.4153269263 -0.40000000000000024,-0.693730232489,37.767391036,-0.246683611764,4.28650302037,-4.84623702636e-05,153.440198563,-5.94757357043e-05,15.4153269263 -0.40500000000000025,-0.164279761324,37.767391036,-0.0382846008641,4.28650302037,-3.50507135296e-05,153.440198563,-5.49054663602e-05,15.4153269263 -0.41000000000000025,-0.0999385766782,37.767391036,-0.0207791318521,4.28650302037,-2.59158836574e-05,153.440198563,-5.14422667378e-05,15.4153269263 -0.41500000000000026,-0.0698826288974,37.767391036,-0.0143215945081,4.28650302037,-6.1613094492e-05,153.440198563,-4.87989196164e-05,15.4153269263 -0.42000000000000026,-0.0518196747833,37.767391036,-0.0109904218024,4.28650302037,-9.44605561698e-05,153.440198563,-4.67881738629e-05,15.4153269263 -0.42500000000000027,-0.0396054744386,37.767391036,-0.00897650633767,4.28650302037,-0.000132038605754,153.440198563,-4.52851213661e-05,15.4153269263 -0.43000000000000027,-0.030669772508,37.767391036,-0.00764130095923,4.28650302037,-0.000178513875608,153.440198563,-4.42059756702e-05,15.4153269263 -0.4350000000000003,-0.0236836984137,37.767391036,-0.00670217276586,4.28650302037,-0.000238905931645,153.440198563,-4.34956821917e-05,15.4153269263 -0.4400000000000003,-0.0178336157332,37.767391036,-0.00601499611813,4.28650302037,-0.000320699620659,153.440198563,-4.31206222862e-05,15.4153269263 -0.4450000000000003,-0.0124729552851,37.767391036,-0.00549878952213,4.28650302037,-0.000436162799237,153.440198563,-4.30644970741e-05,15.4153269263 -0.4500000000000003,-0.0065709238374,37.767391036,-0.00510476779296,4.28650302037,-0.000606930495375,153.440198563,-4.33264233714e-05,15.4153269263 -0.4550000000000003,-0.00599985403089,37.767391036,-0.00480201464787,4.28650302037,-0.000874311714594,153.440198563,-4.39208298679e-05,15.4153269263 -0.4600000000000003,-0.00954601659704,37.767391036,-0.0045702320651,4.28650302037,-0.00132544503602,153.440198563,-4.48791454024e-05,15.4153269263 -0.4650000000000003,-0.0112455781012,37.767391036,-0.00439581577765,4.28650302037,-0.00217082289174,153.440198563,-4.62536743346e-05,15.4153269263 -0.4700000000000003,-0.0119359941745,37.767391036,-0.00426962454311,4.28650302037,-0.0040312798916,153.440198563,-4.81246088084e-05,15.4153269263 -0.4750000000000003,-0.0116562165228,37.767391036,-0.00418567497193,4.28650302037,-0.00945788743967,153.440198563,-5.06120757773e-05,15.4153269263 -0.4800000000000003,-0.00993698502416,37.767391036,-0.00414037944419,4.28650302037,-0.0396906266945,153.440198563,-5.38969552789e-05,15.4153269263 -0.4850000000000003,-0.00404605115942,37.767391036,-0.00413213174602,4.28650302037,154.150605696,153.440198563,-5.82581034752e-05,15.4153269263 -0.4900000000000003,-0.00998731207677,37.767391036,-0.00416114504231,4.28650302037,0.034118947356,153.440198563,-6.41425967643e-05,15.4153269263 -0.49500000000000033,-0.0128971436753,37.767391036,-0.00421966639005,4.28650302037,0.0125953353559,153.440198563,-6.81736548532e-05,15.4153269263 +0.3650000000000002,0.583338306626,37.767391036,0.00769949424298,4.28650302037,0.000198084213264,153.440198563,-0.000399736267412,15.4153269263 +0.3700000000000002,1.86574241185,37.767391036,0.00870860844522,4.28650302037,8.02869790213e-05,153.440198563,-0.000201481595308,15.4153269263 +0.3750000000000002,42.3579811861,37.767391036,0.0102064301858,4.28650302037,1.3156166492e-05,153.440198563,-0.00013678925093,15.4153269263 +0.3800000000000002,5.26716178934,37.767391036,0.0125657200952,4.28650302037,4.4608825145e-05,153.440198563,-0.000104990825304,15.4153269263 +0.38500000000000023,0.889900805818,37.767391036,0.0166922695136,4.28650302037,5.34329932638e-05,153.440198563,-8.62734355043e-05,15.4153269263 +0.39000000000000024,0.304090368719,37.767391036,0.0254915046914,4.28650302037,5.57381594146e-05,153.440198563,-7.40790823169e-05,15.4153269263 +0.39500000000000024,0.0573578413862,37.767391036,0.0561239913279,4.28650302037,5.41865304024e-05,153.440198563,-6.56105929421e-05,15.4153269263 +0.40000000000000024,0.693730232489,37.767391036,-0.246683611764,4.28650302037,4.84623702636e-05,153.440198563,-5.94757357043e-05,15.4153269263 +0.40500000000000025,0.164279761324,37.767391036,-0.0382846008641,4.28650302037,3.50507135296e-05,153.440198563,-5.49054663602e-05,15.4153269263 +0.41000000000000025,0.0999385766782,37.767391036,-0.0207791318521,4.28650302037,2.59158836574e-05,153.440198563,-5.14422667378e-05,15.4153269263 +0.41500000000000026,0.0698826288974,37.767391036,-0.0143215945081,4.28650302037,6.1613094492e-05,153.440198563,-4.87989196164e-05,15.4153269263 +0.42000000000000026,0.0518196747833,37.767391036,-0.0109904218024,4.28650302037,9.44605561698e-05,153.440198563,-4.67881738629e-05,15.4153269263 +0.42500000000000027,0.0396054744386,37.767391036,-0.00897650633767,4.28650302037,0.000132038605754,153.440198563,-4.52851213661e-05,15.4153269263 +0.43000000000000027,0.030669772508,37.767391036,-0.00764130095923,4.28650302037,0.000178513875608,153.440198563,-4.42059756702e-05,15.4153269263 +0.4350000000000003,0.0236836984137,37.767391036,-0.00670217276586,4.28650302037,0.000238905931645,153.440198563,-4.34956821917e-05,15.4153269263 +0.4400000000000003,0.0178336157332,37.767391036,-0.00601499611813,4.28650302037,0.000320699620659,153.440198563,-4.31206222862e-05,15.4153269263 +0.4450000000000003,0.0124729552851,37.767391036,-0.00549878952213,4.28650302037,0.000436162799237,153.440198563,-4.30644970741e-05,15.4153269263 +0.4500000000000003,0.0065709238374,37.767391036,-0.00510476779296,4.28650302037,0.000606930495375,153.440198563,-4.33264233714e-05,15.4153269263 +0.4550000000000003,0.00599985403089,37.767391036,-0.00480201464787,4.28650302037,0.000874311714594,153.440198563,-4.39208298679e-05,15.4153269263 +0.4600000000000003,0.00954601659704,37.767391036,-0.0045702320651,4.28650302037,0.00132544503602,153.440198563,-4.48791454024e-05,15.4153269263 +0.4650000000000003,0.0112455781012,37.767391036,-0.00439581577765,4.28650302037,0.00217082289174,153.440198563,-4.62536743346e-05,15.4153269263 +0.4700000000000003,0.0119359941745,37.767391036,-0.00426962454311,4.28650302037,0.0040312798916,153.440198563,-4.81246088084e-05,15.4153269263 +0.4750000000000003,0.0116562165228,37.767391036,-0.00418567497193,4.28650302037,0.00945788743967,153.440198563,-5.06120757773e-05,15.4153269263 +0.4800000000000003,0.00993698502416,37.767391036,-0.00414037944419,4.28650302037,0.0396906266945,153.440198563,-5.38969552789e-05,15.4153269263 +0.4850000000000003,0.00404605115942,37.767391036,-0.00413213174602,4.28650302037,154.150605696,153.440198563,-5.82581034752e-05,15.4153269263 +0.4900000000000003,0.00998731207677,37.767391036,-0.00416114504231,4.28650302037,0.034118947356,153.440198563,-6.41425967643e-05,15.4153269263 +0.49500000000000033,0.0128971436753,37.767391036,-0.00421966639005,4.28650302037,0.0125953353559,153.440198563,-6.81736548532e-05,15.4153269263 diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_3.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_3.csv index b316e2699f..dcd2fd431f 100644 --- a/tests/framework/PostProcessors/Validation/DSS/pp2_print_3.csv +++ b/tests/framework/PostProcessors/Validation/DSS/pp2_print_3.csv @@ -1,17 +1,17 @@ pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation -0.0,-0.697504916097,44.0357167442,0.000187067290355,4.26023895104,-2.11276592754e-05,89.5779339625,-0.000285845842716,6.37493074725 -0.005,-0.0937961442649,44.0357167442,-0.0107945042615,4.26023895104,-3.92865465678e-05,89.5779339625,-0.000364488540017,6.37493074725 -0.01,0.0146841058889,44.0357167442,-9.71177503994e-05,4.26023895104,-6.67856771506e-05,89.5779339625,-0.000443156077267,6.37493074725 -0.015,0.00506653565941,44.0357167442,-5.33732447477e-05,4.26023895104,-8.62016576422e-05,89.5779339625,-0.000512069162707,6.37493074725 -0.02,0.00264912003481,44.0357167442,-3.93028795981e-05,4.26023895104,-9.26173409153e-05,89.5779339625,-0.000570402317613,6.37493074725 -0.025,0.00168680153944,44.0357167442,-3.26829677854e-05,4.26023895104,-8.30889723401e-05,89.5779339625,-0.000618795490168,6.37493074725 -0.030000000000000002,0.00120431279303,44.0357167442,-2.90367763534e-05,4.26023895104,-4.79002520117e-05,89.5779339625,-0.000658842799678,6.37493074725 -0.035,0.000924973573352,44.0357167442,-2.68683093569e-05,4.26023895104,-6.63160867215e-05,89.5779339625,-0.000692611654596,6.37493074725 -0.04,0.00074556549366,44.0357167442,-2.55379784572e-05,4.26023895104,-0.000106803672211,89.5779339625,-0.00072232082436,6.37493074725 -0.045,0.000620054135386,44.0357167442,-2.47300438834e-05,4.26023895104,-0.000127260851072,89.5779339625,-0.000750198057986,6.37493074725 -0.049999999999999996,0.000524915785644,44.0357167442,-2.42749694187e-05,4.26023895104,-0.000126106445899,89.5779339625,-0.000778489952812,6.37493074725 -0.05499999999999999,0.000446506998059,44.0357167442,-2.40785835079e-05,4.26023895104,-9.45463572758e-05,89.5779339625,-0.000809598180607,6.37493074725 -0.05999999999999999,0.000375594130202,44.0357167442,-2.40903563519e-05,4.26023895104,-1.65922809e-05,89.5779339625,-0.000846347883827,6.37493074725 +0.0,0.697504916097,44.0357167442,0.000187067290355,4.26023895104,2.11276592754e-05,89.5779339625,-0.000285845842716,6.37493074725 +0.005,0.0937961442649,44.0357167442,-0.0107945042615,4.26023895104,3.92865465678e-05,89.5779339625,-0.000364488540017,6.37493074725 +0.01,0.0146841058889,44.0357167442,-9.71177503994e-05,4.26023895104,6.67856771506e-05,89.5779339625,-0.000443156077267,6.37493074725 +0.015,0.00506653565941,44.0357167442,-5.33732447477e-05,4.26023895104,8.62016576422e-05,89.5779339625,-0.000512069162707,6.37493074725 +0.02,0.00264912003481,44.0357167442,-3.93028795981e-05,4.26023895104,9.26173409153e-05,89.5779339625,-0.000570402317613,6.37493074725 +0.025,0.00168680153944,44.0357167442,-3.26829677854e-05,4.26023895104,8.30889723401e-05,89.5779339625,-0.000618795490168,6.37493074725 +0.030000000000000002,0.00120431279303,44.0357167442,-2.90367763534e-05,4.26023895104,4.79002520117e-05,89.5779339625,-0.000658842799678,6.37493074725 +0.035,0.000924973573352,44.0357167442,-2.68683093569e-05,4.26023895104,6.63160867215e-05,89.5779339625,-0.000692611654596,6.37493074725 +0.04,0.00074556549366,44.0357167442,-2.55379784572e-05,4.26023895104,0.000106803672211,89.5779339625,-0.00072232082436,6.37493074725 +0.045,0.000620054135386,44.0357167442,-2.47300438834e-05,4.26023895104,0.000127260851072,89.5779339625,-0.000750198057986,6.37493074725 +0.049999999999999996,0.000524915785644,44.0357167442,-2.42749694187e-05,4.26023895104,0.000126106445899,89.5779339625,-0.000778489952812,6.37493074725 +0.05499999999999999,0.000446506998059,44.0357167442,-2.40785835079e-05,4.26023895104,9.45463572758e-05,89.5779339625,-0.000809598180607,6.37493074725 +0.05999999999999999,0.000375594130202,44.0357167442,-2.40903563519e-05,4.26023895104,1.65922809e-05,89.5779339625,-0.000846347883827,6.37493074725 0.06499999999999999,0.000304218800638,44.0357167442,-2.42883489049e-05,4.26023895104,0.000135747532565,89.5779339625,-0.000892453698131,6.37493074725 0.06999999999999999,0.000221835612996,44.0357167442,-2.4672418092e-05,4.26023895104,0.000413231845106,89.5779339625,-0.000953366778074,6.37493074725 0.075,9.2770565207e-05,44.0357167442,-2.52624422277e-05,4.26023895104,0.00091376853062,89.5779339625,-0.001037969938,6.37493074725 @@ -21,24 +21,24 @@ pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard 0.09500000000000001,0.000326642852658,44.0357167442,-3.10857518336e-05,4.26023895104,0.0196849658811,89.5779339625,-0.00251090325498,6.37493074725 0.10000000000000002,0.000299811467444,44.0357167442,-3.42857835574e-05,4.26023895104,0.072195401223,89.5779339625,-0.00577866461621,6.37493074725 0.10500000000000002,0.000134961152106,44.0357167442,-3.90918580476e-05,4.26023895104,59.6980859328,89.5779339625,0.00984455394909,6.37493074725 -0.11000000000000003,0.000386021399898,44.0357167442,-4.68508068181e-05,4.26023895104,-0.14193230949,89.5779339625,0.00228496629479,6.37493074725 -0.11500000000000003,0.000689017368324,44.0357167442,-6.09976586018e-05,4.26023895104,-0.0323262493585,89.5779339625,0.00117371403423,6.37493074725 -0.12000000000000004,0.00102175449744,44.0357167442,-9.36654095125e-05,4.26023895104,-0.0132653728221,89.5779339625,0.000729645787486,6.37493074725 -0.12500000000000003,0.0013483939446,44.0357167442,-0.000240809435488,4.26023895104,-0.00662492545004,89.5779339625,0.000490726533187,6.37493074725 -0.13000000000000003,0.00225972652341,44.0357167442,0.000312906657587,4.26023895104,-0.00353345960159,89.5779339625,0.00033995371488,6.37493074725 -0.13500000000000004,0.00276334008842,44.0357167442,8.79609596538e-05,4.26023895104,-0.00186443481341,89.5779339625,0.000233288254922,6.37493074725 -0.14000000000000004,0.00357504670606,44.0357167442,4.91331111265e-05,4.26023895104,-0.000897577524816,89.5779339625,0.000149619168864,6.37493074725 -0.14500000000000005,0.00465976804457,44.0357167442,3.31771549351e-05,4.26023895104,-0.000330318804864,89.5779339625,7.64550608065e-05,6.37493074725 -0.15000000000000005,0.00614778533549,44.0357167442,2.45300381279e-05,4.26023895104,-1.29353018048e-05,89.5779339625,4.40631399263e-06,6.37493074725 +0.11000000000000003,0.000386021399898,44.0357167442,-4.68508068181e-05,4.26023895104,0.14193230949,89.5779339625,0.00228496629479,6.37493074725 +0.11500000000000003,0.000689017368324,44.0357167442,-6.09976586018e-05,4.26023895104,0.0323262493585,89.5779339625,0.00117371403423,6.37493074725 +0.12000000000000004,0.00102175449744,44.0357167442,-9.36654095125e-05,4.26023895104,0.0132653728221,89.5779339625,0.000729645787486,6.37493074725 +0.12500000000000003,0.0013483939446,44.0357167442,-0.000240809435488,4.26023895104,0.00662492545004,89.5779339625,0.000490726533187,6.37493074725 +0.13000000000000003,0.00225972652341,44.0357167442,0.000312906657587,4.26023895104,0.00353345960159,89.5779339625,0.00033995371488,6.37493074725 +0.13500000000000004,0.00276334008842,44.0357167442,8.79609596538e-05,4.26023895104,0.00186443481341,89.5779339625,0.000233288254922,6.37493074725 +0.14000000000000004,0.00357504670606,44.0357167442,4.91331111265e-05,4.26023895104,0.000897577524816,89.5779339625,0.000149619168864,6.37493074725 +0.14500000000000005,0.00465976804457,44.0357167442,3.31771549351e-05,4.26023895104,0.000330318804864,89.5779339625,7.64550608065e-05,6.37493074725 +0.15000000000000005,0.00614778533549,44.0357167442,2.45300381279e-05,4.26023895104,1.29353018048e-05,89.5779339625,4.40631399263e-06,6.37493074725 0.15500000000000005,0.00831850845749,44.0357167442,1.90996554934e-05,4.26023895104,0.000139727800254,89.5779339625,-7.58221086535e-05,6.37493074725 0.16000000000000006,0.0118115724806,44.0357167442,1.53305942382e-05,4.26023895104,0.000181860188277,89.5779339625,-0.000176144980024,6.37493074725 0.16500000000000006,0.018375321213,44.0357167442,1.24932460113e-05,4.26023895104,0.000150837393926,89.5779339625,-0.000315173730856,6.37493074725 0.17000000000000007,0.0345105680007,44.0357167442,1.01920437362e-05,4.26023895104,7.50239026571e-05,89.5779339625,-0.000526715755,6.37493074725 -0.17500000000000007,0.106536282721,44.0357167442,8.18702485921e-06,4.26023895104,-1.45928717769e-05,89.5779339625,-0.000881888450068,6.37493074725 -0.18000000000000008,42.5050393615,44.0357167442,6.31817273867e-06,4.26023895104,-6.56593858581e-05,89.5779339625,-0.00156222652767,6.37493074725 -0.18500000000000008,-0.0649333036591,44.0357167442,4.46936234261e-06,4.26023895104,-0.000496398707045,89.5779339625,-0.00321143489458,6.37493074725 -0.19000000000000009,-0.00826148646792,44.0357167442,2.54933415573e-06,4.26023895104,-0.00261240983115,89.5779339625,-0.0109964997649,6.37493074725 -0.1950000000000001,-0.000626779082105,44.0357167442,4.80492674955e-07,4.26023895104,0.0050883390726,89.5779339625,0.0177953503839,6.37493074725 +0.17500000000000007,0.106536282721,44.0357167442,8.18702485921e-06,4.26023895104,1.45928717769e-05,89.5779339625,-0.000881888450068,6.37493074725 +0.18000000000000008,42.5050393615,44.0357167442,6.31817273867e-06,4.26023895104,6.56593858581e-05,89.5779339625,-0.00156222652767,6.37493074725 +0.18500000000000008,0.0649333036591,44.0357167442,4.46936234261e-06,4.26023895104,0.000496398707045,89.5779339625,-0.00321143489458,6.37493074725 +0.19000000000000009,0.00826148646792,44.0357167442,2.54933415573e-06,4.26023895104,0.00261240983115,89.5779339625,-0.0109964997649,6.37493074725 +0.1950000000000001,0.000626779082105,44.0357167442,4.80492674955e-07,4.26023895104,0.0050883390726,89.5779339625,0.0177953503839,6.37493074725 0.2000000000000001,0.00119382519224,44.0357167442,-1.80867751303e-06,4.26023895104,0.00192045995026,89.5779339625,0.00651698961225,6.37493074725 0.2050000000000001,0.00165109291848,44.0357167442,-4.38977505641e-06,4.26023895104,0.00116369666109,89.5779339625,0.00460286823153,6.37493074725 0.2100000000000001,0.00168763904999,44.0357167442,-7.34063222456e-06,4.26023895104,0.000334337764555,89.5779339625,0.00385576098808,6.37493074725 @@ -57,10 +57,10 @@ pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard 0.27500000000000013,0.000259823603625,44.0357167442,-0.00081908905086,4.26023895104,0.0383712317313,89.5779339625,0.00201298017563,6.37493074725 0.28000000000000014,0.000775077762552,44.0357167442,0.00173456837424,4.26023895104,0.122616509773,89.5779339625,0.00198196146425,6.37493074725 0.28500000000000014,0.00023764621841,44.0357167442,0.000462059034537,4.26023895104,19.700138365,89.5779339625,0.00197055879032,6.37493074725 -0.29000000000000015,0.000493550598071,44.0357167442,0.00028067956066,4.26023895104,-0.112162774452,89.5779339625,0.00198072105478,6.37493074725 -0.29500000000000015,0.000822464916217,44.0357167442,0.000208933559662,4.26023895104,-0.0192211930105,89.5779339625,0.00201521644409,6.37493074725 -0.30000000000000016,0.00116169892401,44.0357167442,0.000171118821449,4.26023895104,-0.0053257961665,89.5779339625,0.00207807654646,6.37493074725 -0.30500000000000016,0.00155629676066,44.0357167442,0.000148324911653,4.26023895104,-0.00117886244913,89.5779339625,0.00217525091048,6.37493074725 +0.29000000000000015,0.000493550598071,44.0357167442,0.00028067956066,4.26023895104,0.112162774452,89.5779339625,0.00198072105478,6.37493074725 +0.29500000000000015,0.000822464916217,44.0357167442,0.000208933559662,4.26023895104,0.0192211930105,89.5779339625,0.00201521644409,6.37493074725 +0.30000000000000016,0.00116169892401,44.0357167442,0.000171118821449,4.26023895104,0.0053257961665,89.5779339625,0.00207807654646,6.37493074725 +0.30500000000000016,0.00155629676066,44.0357167442,0.000148324911653,4.26023895104,0.00117886244913,89.5779339625,0.00217525091048,6.37493074725 0.31000000000000016,0.0020436250356,44.0357167442,0.000133611868893,4.26023895104,0.000489612659742,89.5779339625,0.00231565489266,6.37493074725 0.31500000000000017,0.00267369945956,44.0357167442,0.000123857659431,4.26023895104,0.00130280875937,89.5779339625,0.00251296636026,6.37493074725 0.3200000000000002,0.00352482565735,44.0357167442,0.000117477508466,4.26023895104,0.00177496195624,89.5779339625,0.00278891875703,6.37493074725 @@ -71,31 +71,31 @@ pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard 0.3450000000000002,0.0250252601294,44.0357167442,0.000117213412398,4.26023895104,0.00410752911143,89.5779339625,0.00902663680069,6.37493074725 0.3500000000000002,0.0517716847166,44.0357167442,0.000122987924362,4.26023895104,0.00626092857003,89.5779339625,0.0171745788181,6.37493074725 0.3550000000000002,0.160901321584,44.0357167442,0.000131384453022,4.26023895104,0.0367857434348,89.5779339625,0.144573548471,6.37493074725 -0.3600000000000002,2.71000601085,44.0357167442,0.000143225879407,4.26023895104,-0.00166587610837,89.5779339625,-0.0235836339062,6.37493074725 -0.3650000000000002,-0.621168188205,44.0357167442,0.000159904569424,4.26023895104,-0.00236685788718,89.5779339625,-0.0112173400401,6.37493074725 -0.3700000000000002,-0.101184406539,44.0357167442,0.00018388215854,4.26023895104,-0.0021544142614,89.5779339625,-0.00752485588267,6.37493074725 -0.3750000000000002,-0.0395445157335,44.0357167442,0.000219865709778,4.26023895104,-0.00187023013084,89.5779339625,-0.00576836367287,6.37493074725 -0.3800000000000002,-0.020731027085,44.0357167442,0.000278016443716,4.26023895104,-0.00158224125788,89.5779339625,-0.00475289220685,6.37493074725 -0.38500000000000023,-0.0124940531692,44.0357167442,0.000384919001233,4.26023895104,-0.00125940365609,89.5779339625,-0.0040989157843,6.37493074725 -0.39000000000000024,-0.00792622026028,44.0357167442,0.000638946067439,4.26023895104,-0.000805222891586,89.5779339625,-0.00364823941549,6.37493074725 -0.39500000000000024,-0.00367028294534,44.0357167442,0.00195379613823,4.26023895104,-0.000642488192155,89.5779339625,-0.00332327129511,6.37493074725 -0.40000000000000024,-0.00713198135694,44.0357167442,-0.00182237742406,4.26023895104,-0.00131297211674,89.5779339625,-0.0030815746583,6.37493074725 -0.40500000000000025,-0.00442217183681,44.0357167442,-0.000623365837177,4.26023895104,-0.00186121660434,89.5779339625,-0.00289807337854,6.37493074725 -0.41000000000000025,-0.00329145086517,44.0357167442,-0.000378356824786,4.26023895104,-0.00243197347686,89.5779339625,-0.00275709110425,6.37493074725 -0.41500000000000026,-0.0025350029359,44.0357167442,-0.000273627629424,4.26023895104,-0.00309011646196,89.5779339625,-0.00264842209179,6.37493074725 -0.42000000000000026,-0.00195762487678,44.0357167442,-0.000216008032518,4.26023895104,-0.00390088290922,89.5779339625,-0.0025652410408,6.37493074725 -0.42500000000000027,-0.00147553942647,44.0357167442,-0.000179884151406,4.26023895104,-0.00495392742002,89.5779339625,-0.00250292540711,6.37493074725 -0.43000000000000027,-0.00102970485609,44.0357167442,-0.000155370097544,4.26023895104,-0.00639142693966,89.5779339625,-0.00245836338218,6.37493074725 -0.4350000000000003,-0.000524377325876,44.0357167442,-0.000137847260035,4.26023895104,-0.00846098113898,89.5779339625,-0.00242953730591,6.37493074725 -0.4400000000000003,-0.000538920206172,44.0357167442,-0.000124872895722,4.26023895104,-0.0116341321439,89.5779339625,-0.00241527384152,6.37493074725 -0.4450000000000003,-0.00083332836303,44.0357167442,-0.000115037905335,4.26023895104,-0.0169104377955,89.5779339625,-0.00241510351775,6.37493074725 -0.4500000000000003,-0.000979990307551,44.0357167442,-0.000107476524761,4.26023895104,-0.0267384670864,89.5779339625,-0.00242920045163,6.37493074725 -0.4550000000000003,-0.00104034092623,44.0357167442,-0.000101631778891,4.26023895104,-0.0485577816502,89.5779339625,-0.00245839075619,6.37493074725 -0.4600000000000003,-0.00101105932075,44.0357167442,-9.7133762618e-05,4.26023895104,-0.115008653783,89.5779339625,-0.00250423197698,6.37493074725 -0.4650000000000003,-0.000835758543549,44.0357167442,-9.37324469875e-05,4.26023895104,-0.558814625608,89.5779339625,-0.00256918057227,6.37493074725 -0.4700000000000003,-0.000197511945031,44.0357167442,-9.12588907404e-05,4.26023895104,10.5622659818,89.5779339625,-0.0026568850777,6.37493074725 -0.4750000000000003,-0.00120658782902,44.0357167442,-8.96022798672e-05,4.26023895104,0.248409416677,89.5779339625,-0.00277267748798,6.37493074725 -0.4800000000000003,-0.00200560785636,44.0357167442,-8.86964203642e-05,4.26023895104,0.0696616165828,89.5779339625,-0.00292440131514,6.37493074725 -0.4850000000000003,-0.00293042744372,44.0357167442,-8.85123865531e-05,4.26023895104,0.030694566771,89.5779339625,-0.00312384969114,6.37493074725 -0.4900000000000003,-0.00351792539219,44.0357167442,-8.90557076899e-05,4.26023895104,0.0142117199018,89.5779339625,-0.00338938462777,6.37493074725 -0.49500000000000033,-0.00355039112854,44.0357167442,-9.06229094189e-05,4.26023895104,0.00873543121424,89.5779339625,-0.00358403899994,6.37493074725 +0.3600000000000002,2.71000601085,44.0357167442,0.000143225879407,4.26023895104,0.00166587610837,89.5779339625,-0.0235836339062,6.37493074725 +0.3650000000000002,0.621168188205,44.0357167442,0.000159904569424,4.26023895104,0.00236685788718,89.5779339625,-0.0112173400401,6.37493074725 +0.3700000000000002,0.101184406539,44.0357167442,0.00018388215854,4.26023895104,0.0021544142614,89.5779339625,-0.00752485588267,6.37493074725 +0.3750000000000002,0.0395445157335,44.0357167442,0.000219865709778,4.26023895104,0.00187023013084,89.5779339625,-0.00576836367287,6.37493074725 +0.3800000000000002,0.020731027085,44.0357167442,0.000278016443716,4.26023895104,0.00158224125788,89.5779339625,-0.00475289220685,6.37493074725 +0.38500000000000023,0.0124940531692,44.0357167442,0.000384919001233,4.26023895104,0.00125940365609,89.5779339625,-0.0040989157843,6.37493074725 +0.39000000000000024,0.00792622026028,44.0357167442,0.000638946067439,4.26023895104,0.000805222891586,89.5779339625,-0.00364823941549,6.37493074725 +0.39500000000000024,0.00367028294534,44.0357167442,0.00195379613823,4.26023895104,0.000642488192155,89.5779339625,-0.00332327129511,6.37493074725 +0.40000000000000024,0.00713198135694,44.0357167442,-0.00182237742406,4.26023895104,0.00131297211674,89.5779339625,-0.0030815746583,6.37493074725 +0.40500000000000025,0.00442217183681,44.0357167442,-0.000623365837177,4.26023895104,0.00186121660434,89.5779339625,-0.00289807337854,6.37493074725 +0.41000000000000025,0.00329145086517,44.0357167442,-0.000378356824786,4.26023895104,0.00243197347686,89.5779339625,-0.00275709110425,6.37493074725 +0.41500000000000026,0.0025350029359,44.0357167442,-0.000273627629424,4.26023895104,0.00309011646196,89.5779339625,-0.00264842209179,6.37493074725 +0.42000000000000026,0.00195762487678,44.0357167442,-0.000216008032518,4.26023895104,0.00390088290922,89.5779339625,-0.0025652410408,6.37493074725 +0.42500000000000027,0.00147553942647,44.0357167442,-0.000179884151406,4.26023895104,0.00495392742002,89.5779339625,-0.00250292540711,6.37493074725 +0.43000000000000027,0.00102970485609,44.0357167442,-0.000155370097544,4.26023895104,0.00639142693966,89.5779339625,-0.00245836338218,6.37493074725 +0.4350000000000003,0.000524377325876,44.0357167442,-0.000137847260035,4.26023895104,0.00846098113898,89.5779339625,-0.00242953730591,6.37493074725 +0.4400000000000003,0.000538920206172,44.0357167442,-0.000124872895722,4.26023895104,0.0116341321439,89.5779339625,-0.00241527384152,6.37493074725 +0.4450000000000003,0.00083332836303,44.0357167442,-0.000115037905335,4.26023895104,0.0169104377955,89.5779339625,-0.00241510351775,6.37493074725 +0.4500000000000003,0.000979990307551,44.0357167442,-0.000107476524761,4.26023895104,0.0267384670864,89.5779339625,-0.00242920045163,6.37493074725 +0.4550000000000003,0.00104034092623,44.0357167442,-0.000101631778891,4.26023895104,0.0485577816502,89.5779339625,-0.00245839075619,6.37493074725 +0.4600000000000003,0.00101105932075,44.0357167442,-9.7133762618e-05,4.26023895104,0.115008653783,89.5779339625,-0.00250423197698,6.37493074725 +0.4650000000000003,0.000835758543549,44.0357167442,-9.37324469875e-05,4.26023895104,0.558814625608,89.5779339625,-0.00256918057227,6.37493074725 +0.4700000000000003,0.000197511945031,44.0357167442,-9.12588907404e-05,4.26023895104,10.5622659818,89.5779339625,-0.0026568850777,6.37493074725 +0.4750000000000003,0.00120658782902,44.0357167442,-8.96022798672e-05,4.26023895104,0.248409416677,89.5779339625,-0.00277267748798,6.37493074725 +0.4800000000000003,0.00200560785636,44.0357167442,-8.86964203642e-05,4.26023895104,0.0696616165828,89.5779339625,-0.00292440131514,6.37493074725 +0.4850000000000003,0.00293042744372,44.0357167442,-8.85123865531e-05,4.26023895104,0.030694566771,89.5779339625,-0.00312384969114,6.37493074725 +0.4900000000000003,0.00351792539219,44.0357167442,-8.90557076899e-05,4.26023895104,0.0142117199018,89.5779339625,-0.00338938462777,6.37493074725 +0.49500000000000033,0.00355039112854,44.0357167442,-9.06229094189e-05,4.26023895104,0.00873543121424,89.5779339625,-0.00358403899994,6.37493074725 diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_4.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_4.csv index ff1fa5330e..ea2acc4889 100644 --- a/tests/framework/PostProcessors/Validation/DSS/pp2_print_4.csv +++ b/tests/framework/PostProcessors/Validation/DSS/pp2_print_4.csv @@ -1,44 +1,44 @@ pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation -0.0,0.0429210774314,42.5042920116,-2.58763599149e-07,3.98721450795,-0.000120323536489,66.759187629,-0.000796863362781,4.48705711319 -0.005,0.0226746864051,42.5042920116,-1.88277487412e-07,3.98721450795,-0.000171892942393,66.759187629,-0.000929513052436,4.48705711319 -0.01,0.00948034831461,42.5042920116,-1.26220962855e-07,3.98721450795,-0.000229894838287,66.759187629,-0.00104518996265,4.48705711319 -0.015,0.00504745948265,42.5042920116,-1.00227636928e-07,3.98721450795,-0.000248962142634,66.759187629,-0.00114111342525,4.48705711319 -0.02,0.00324592787473,42.5042920116,-8.65928444463e-08,3.98721450795,-0.000227867826804,66.759187629,-0.00121943520563,4.48705711319 -0.025,0.00232993477961,42.5042920116,-7.86214709853e-08,3.98721450795,-0.00013402192684,66.759187629,-0.00128346585793,4.48705711319 -0.030000000000000002,0.00179391456704,42.5042920116,-7.36945495633e-08,3.98721450795,-0.000206415110238,66.759187629,-0.00133694718389,4.48705711319 -0.035,0.00144667287407,42.5042920116,-7.05830847373e-08,3.98721450795,-0.000362071372763,66.759187629,-0.00138362347067,4.48705711319 -0.04,0.00120207269493,42.5042920116,-6.86420609604e-08,3.98721450795,-0.000497803270943,66.759187629,-0.00142708439538,4.48705711319 -0.045,0.0010157437165,42.5042920116,-6.75098847705e-08,3.98721450795,-0.000625984327108,66.759187629,-0.00147081240357,4.48705711319 -0.049999999999999996,0.00086177528289,42.5042920116,-6.697888141e-08,3.98721450795,-0.000748350300887,66.759187629,-0.00151838382794,4.48705711319 -0.05499999999999999,0.000722507845852,42.5042920116,-6.69338177234e-08,3.98721450795,-0.000862542715507,66.759187629,-0.00157381653281,4.48705711319 -0.05999999999999999,0.000582561073969,42.5042920116,-6.73212386682e-08,3.98721450795,-0.000961349666028,66.759187629,-0.00164212091784,4.48705711319 -0.06499999999999999,0.0004211342774,42.5042920116,-6.81347083464e-08,3.98721450795,-0.00102838300159,66.759187629,-0.00173021828307,4.48705711319 -0.06999999999999999,0.000162786739969,42.5042920116,-6.94098178089e-08,3.98721450795,-0.00102677084006,66.759187629,-0.00184861620323,4.48705711319 -0.075,0.00034106477075,42.5042920116,-7.12269812792e-08,3.98721450795,-0.000868030128589,66.759187629,-0.0020147990761,4.48705711319 -0.08,0.0004972559862,42.5042920116,-7.37228333179e-08,3.98721450795,-0.00031283261033,66.759187629,-0.00226095887481,4.48705711319 +0.0,0.0429210774314,42.5042920116,-2.58763599149e-07,3.98721450795,0.000120323536489,66.759187629,-0.000796863362781,4.48705711319 +0.005,0.0226746864051,42.5042920116,-1.88277487412e-07,3.98721450795,0.000171892942393,66.759187629,-0.000929513052436,4.48705711319 +0.01,0.00948034831461,42.5042920116,-1.26220962855e-07,3.98721450795,0.000229894838287,66.759187629,-0.00104518996265,4.48705711319 +0.015,0.00504745948265,42.5042920116,-1.00227636928e-07,3.98721450795,0.000248962142634,66.759187629,-0.00114111342525,4.48705711319 +0.02,0.00324592787473,42.5042920116,-8.65928444463e-08,3.98721450795,0.000227867826804,66.759187629,-0.00121943520563,4.48705711319 +0.025,0.00232993477961,42.5042920116,-7.86214709853e-08,3.98721450795,0.00013402192684,66.759187629,-0.00128346585793,4.48705711319 +0.030000000000000002,0.00179391456704,42.5042920116,-7.36945495633e-08,3.98721450795,0.000206415110238,66.759187629,-0.00133694718389,4.48705711319 +0.035,0.00144667287407,42.5042920116,-7.05830847373e-08,3.98721450795,0.000362071372763,66.759187629,-0.00138362347067,4.48705711319 +0.04,0.00120207269493,42.5042920116,-6.86420609604e-08,3.98721450795,0.000497803270943,66.759187629,-0.00142708439538,4.48705711319 +0.045,0.0010157437165,42.5042920116,-6.75098847705e-08,3.98721450795,0.000625984327108,66.759187629,-0.00147081240357,4.48705711319 +0.049999999999999996,0.00086177528289,42.5042920116,-6.697888141e-08,3.98721450795,0.000748350300887,66.759187629,-0.00151838382794,4.48705711319 +0.05499999999999999,0.000722507845852,42.5042920116,-6.69338177234e-08,3.98721450795,0.000862542715507,66.759187629,-0.00157381653281,4.48705711319 +0.05999999999999999,0.000582561073969,42.5042920116,-6.73212386682e-08,3.98721450795,0.000961349666028,66.759187629,-0.00164212091784,4.48705711319 +0.06499999999999999,0.0004211342774,42.5042920116,-6.81347083464e-08,3.98721450795,0.00102838300159,66.759187629,-0.00173021828307,4.48705711319 +0.06999999999999999,0.000162786739969,42.5042920116,-6.94098178089e-08,3.98721450795,0.00102677084006,66.759187629,-0.00184861620323,4.48705711319 +0.075,0.00034106477075,42.5042920116,-7.12269812792e-08,3.98721450795,0.000868030128589,66.759187629,-0.0020147990761,4.48705711319 +0.08,0.0004972559862,42.5042920116,-7.37228333179e-08,3.98721450795,0.00031283261033,66.759187629,-0.00226095887481,4.48705711319 0.085,0.000593755539392,42.5042920116,-7.71142257423e-08,3.98721450795,0.00142469563485,66.759187629,-0.00265450907693,4.48705711319 0.09000000000000001,0.000634568800506,42.5042920116,-8.17444706042e-08,3.98721450795,0.00794338166618,66.759187629,-0.00336571625527,4.48705711319 0.09500000000000001,0.000585074665124,42.5042920116,-8.81740968284e-08,3.98721450795,0.052586474673,66.759187629,-0.00498758515964,4.48705711319 0.10000000000000002,0.000270781852557,42.5042920116,-9.73708918137e-08,3.98721450795,38.7746264822,66.759187629,-0.0120120481056,4.48705711319 0.10500000000000002,0.000757029486118,42.5042920116,-1.11149996745e-07,3.98721450795,0.0561008491517,66.759187629,0.016906922426,4.48705711319 -0.11000000000000003,0.00137201077802,42.5042920116,-1.33351571451e-07,3.98721450795,-0.00907661822362,66.759187629,0.00429969732494,4.48705711319 -0.11500000000000003,0.00208175711366,42.5042920116,-1.73752370979e-07,3.98721450795,-0.0058558890574,66.759187629,0.00224619323667,4.48705711319 -0.12000000000000004,0.00295502637821,42.5042920116,-2.6678180566e-07,3.98721450795,-0.00356580543577,66.759187629,0.00140964362005,4.48705711319 -0.12500000000000003,0.00405555745997,42.5042920116,-6.8208376736e-07,3.98721450795,-0.00218549740419,66.759187629,0.000955906724491,4.48705711319 -0.13000000000000003,0.00546829882086,42.5042920116,9.11716916966e-07,3.98721450795,-0.00131181090369,66.759187629,0.000668584961619,4.48705711319 -0.13500000000000004,0.00731272280983,42.5042920116,2.53882503244e-07,3.98721450795,-0.000741205705695,66.759187629,0.000465353123277,4.48705711319 -0.14000000000000004,0.00979233197895,42.5042920116,1.41770170644e-07,3.98721450795,-0.000370423952588,66.759187629,0.000306624514363,4.48705711319 -0.14500000000000005,0.0132679696351,42.5042920116,9.58209299766e-08,3.98721450795,-0.000141684029447,66.759187629,0.000169123601339,4.48705711319 -0.15000000000000005,0.0184599442821,42.5042920116,7.09598310371e-08,3.98721450795,-1.8189824464e-05,66.759187629,3.57011774437e-05,4.48705711319 +0.11000000000000003,0.00137201077802,42.5042920116,-1.33351571451e-07,3.98721450795,0.00907661822362,66.759187629,0.00429969732494,4.48705711319 +0.11500000000000003,0.00208175711366,42.5042920116,-1.73752370979e-07,3.98721450795,0.0058558890574,66.759187629,0.00224619323667,4.48705711319 +0.12000000000000004,0.00295502637821,42.5042920116,-2.6678180566e-07,3.98721450795,0.00356580543577,66.759187629,0.00140964362005,4.48705711319 +0.12500000000000003,0.00405555745997,42.5042920116,-6.8208376736e-07,3.98721450795,0.00218549740419,66.759187629,0.000955906724491,4.48705711319 +0.13000000000000003,0.00546829882086,42.5042920116,9.11716916966e-07,3.98721450795,0.00131181090369,66.759187629,0.000668584961619,4.48705711319 +0.13500000000000004,0.00731272280983,42.5042920116,2.53882503244e-07,3.98721450795,0.000741205705695,66.759187629,0.000465353123277,4.48705711319 +0.14000000000000004,0.00979233197895,42.5042920116,1.41770170644e-07,3.98721450795,0.000370423952588,66.759187629,0.000306624514363,4.48705711319 +0.14500000000000005,0.0132679696351,42.5042920116,9.58209299766e-08,3.98721450795,0.000141684029447,66.759187629,0.000169123601339,4.48705711319 +0.15000000000000005,0.0184599442821,42.5042920116,7.09598310371e-08,3.98721450795,1.8189824464e-05,66.759187629,3.57011774437e-05,4.48705711319 0.15500000000000005,0.027006076227,42.5042920116,5.53787665993e-08,3.98721450795,2.69263886216e-05,66.759187629,-0.000110071393958,4.48705711319 0.16000000000000006,0.043396473075,42.5042920116,4.46007295061e-08,3.98721450795,1.5928461347e-05,66.759187629,-0.000288492400047,4.48705711319 -0.16500000000000006,0.0843617976709,42.5042920116,3.65315142319e-08,3.98721450795,-2.94908601559e-05,66.759187629,-0.000530187585482,4.48705711319 -0.17000000000000007,0.267437191886,42.5042920116,3.00400154852e-08,3.98721450795,-7.85844859953e-05,66.759187629,-0.000888878364737,4.48705711319 -0.17500000000000007,39.5995642727,42.5042920116,2.44435800989e-08,3.98721450795,-6.27524842825e-05,66.759187629,-0.00147282126673,4.48705711319 -0.18000000000000008,-0.23283495524,42.5042920116,1.92899105945e-08,3.98721450795,-0.000393031455422,66.759187629,-0.00254096674367,4.48705711319 -0.18500000000000008,-0.0377029647036,42.5042920116,1.42532665899e-08,3.98721450795,-0.00108059648222,66.759187629,-0.00490601136197,4.48705711319 -0.19000000000000009,-0.00971931953573,42.5042920116,9.07998394214e-09,3.98721450795,-0.00335193053527,66.759187629,-0.0131052537905,4.48705711319 -0.1950000000000001,-0.00194402012534,42.5042920116,3.55695341194e-09,3.98721450795,0.0288157080111,66.759187629,0.111119637429,4.48705711319 +0.16500000000000006,0.0843617976709,42.5042920116,3.65315142319e-08,3.98721450795,2.94908601559e-05,66.759187629,-0.000530187585482,4.48705711319 +0.17000000000000007,0.267437191886,42.5042920116,3.00400154852e-08,3.98721450795,7.85844859953e-05,66.759187629,-0.000888878364737,4.48705711319 +0.17500000000000007,39.5995642727,42.5042920116,2.44435800989e-08,3.98721450795,6.27524842825e-05,66.759187629,-0.00147282126673,4.48705711319 +0.18000000000000008,0.23283495524,42.5042920116,1.92899105945e-08,3.98721450795,0.000393031455422,66.759187629,-0.00254096674367,4.48705711319 +0.18500000000000008,0.0377029647036,42.5042920116,1.42532665899e-08,3.98721450795,0.00108059648222,66.759187629,-0.00490601136197,4.48705711319 +0.19000000000000009,0.00971931953573,42.5042920116,9.07998394214e-09,3.98721450795,0.00335193053527,66.759187629,-0.0131052537905,4.48705711319 +0.1950000000000001,0.00194402012534,42.5042920116,3.55695341194e-09,3.98721450795,0.0288157080111,66.759187629,0.111119637429,4.48705711319 0.2000000000000001,0.000789007424842,42.5042920116,-2.50881765595e-09,3.98721450795,0.00340489956191,66.759187629,0.0153398752177,4.48705711319 0.2050000000000001,0.0018069467301,42.5042920116,-9.30551098934e-09,3.98721450795,0.000886249897845,66.759187629,0.00986487757469,4.48705711319 0.2100000000000001,0.00213415233223,42.5042920116,-1.70301205364e-08,3.98721450795,0.00197434274466,66.759187629,0.00806219680965,4.48705711319 @@ -56,7 +56,7 @@ pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard 0.27000000000000013,0.000922393059111,42.5042920116,-4.53417758407e-07,3.98721450795,0.0515980644232,66.759187629,0.00557635785787,4.48705711319 0.27500000000000013,0.000810988865628,42.5042920116,-6.60714425601e-07,3.98721450795,0.135225219331,66.759187629,0.00550979895751,4.48705711319 0.28000000000000014,0.000429693569777,42.5042920116,-1.09630466535e-06,3.98721450795,6.40304262548,66.759187629,0.00547408567939,4.48705711319 -0.28500000000000014,0.000836941171462,42.5042920116,-2.57998984252e-06,3.98721450795,-0.0676096373694,66.759187629,0.00547546782487,4.48705711319 +0.28500000000000014,0.000836941171462,42.5042920116,-2.57998984252e-06,3.98721450795,0.0676096373694,66.759187629,0.00547546782487,4.48705711319 0.29000000000000015,0.00149558143108,42.5042920116,1.4219102203e-05,3.98721450795,0.00307629826549,66.759187629,0.00552058943328,4.48705711319 0.29500000000000015,0.0021822027933,42.5042920116,2.13160505556e-06,3.98721450795,0.00891691456767,66.759187629,0.00561718127105,4.48705711319 0.30000000000000016,0.00299665187208,42.5042920116,1.22797162496e-06,3.98721450795,0.00920720850351,66.759187629,0.00577497045255,4.48705711319 @@ -71,31 +71,31 @@ pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard 0.3450000000000002,0.108669379282,42.5042920116,5.10344625298e-07,3.98721450795,0.0066143683227,66.759187629,0.0176659657383,4.48705711319 0.3500000000000002,0.327916981531,42.5042920116,5.26445243661e-07,3.98721450795,0.00661349469494,66.759187629,0.0258010135602,4.48705711319 0.3550000000000002,4.28211784458,42.5042920116,5.53014421849e-07,3.98721450795,0.00428355613997,66.759187629,0.0479679116919,4.48705711319 -0.3600000000000002,-1.72737927465,42.5042920116,5.92469615203e-07,3.98721450795,0.0598805140848,66.759187629,0.320488445035,4.48705711319 -0.3650000000000002,-0.252385762398,42.5042920116,6.49066803354e-07,3.98721450795,-0.0178157238898,66.759187629,-0.0704216940179,4.48705711319 -0.3700000000000002,-0.0970498592263,42.5042920116,7.30268777375e-07,3.98721450795,-0.00912335434355,66.759187629,-0.0323414408996,4.48705711319 -0.3750000000000002,-0.0510997449507,42.5042920116,8.49823350608e-07,3.98721450795,-0.00607576940993,66.759187629,-0.0213324395113,4.48705711319 -0.3800000000000002,-0.0314679759659,42.5042920116,1.03550939194e-06,3.98721450795,-0.00418520580298,66.759187629,-0.0161446716253,4.48705711319 -0.38500000000000023,-0.0212652656032,42.5042920116,1.35240949531e-06,3.98721450795,-0.00246994248335,66.759187629,-0.0131564505625,4.48705711319 -0.39000000000000024,-0.0152626267732,42.5042920116,1.99597568289e-06,3.98721450795,-0.00154539191705,66.759187629,-0.0112348313784,4.48705711319 -0.39500000000000024,-0.0114072215996,42.5042920116,3.94244581426e-06,3.98721450795,-0.00316256442031,66.759187629,-0.00991158466035,4.48705711319 -0.40000000000000024,-0.0067360329184,42.5042920116,0.00198158465299,3.98721450795,-0.00423571471397,66.759187629,-0.00895835104381,4.48705711319 -0.40500000000000025,-0.00684823860276,42.5042920116,-3.91645782784e-06,3.98721450795,-0.00521943667849,66.759187629,-0.00825075885281,4.48705711319 -0.41000000000000025,-0.00537779227538,42.5042920116,-1.95743492122e-06,3.98721450795,-0.00625695264411,66.759187629,-0.00771556614524,4.48705711319 -0.41500000000000026,-0.00419484847639,42.5042920116,-1.31016463528e-06,3.98721450795,-0.00745057784587,66.759187629,-0.00730712797707,4.48705711319 -0.42000000000000026,-0.00318347032955,42.5042920116,-9.90279960958e-07,3.98721450795,-0.00891354299678,66.759187629,-0.00699583007917,4.48705711319 -0.42500000000000027,-0.00224227447456,42.5042920116,-8.01265222945e-07,3.98721450795,-0.0108057641842,66.759187629,-0.00676196303412,4.48705711319 -0.43000000000000027,-0.00119556732437,42.5042920116,-6.77696585071e-07,3.98721450795,-0.0133872541632,66.759187629,-0.00659229113583,4.48705711319 -0.4350000000000003,-0.00106997831016,42.5042920116,-5.91579834478e-07,3.98721450795,-0.0171283424976,66.759187629,-0.00647805623747,4.48705711319 -0.4400000000000003,-0.00172079794154,42.5042920116,-5.28953461569e-07,3.98721450795,-0.0229794936926,66.759187629,-0.00641379963993,4.48705711319 -0.4450000000000003,-0.00203410408163,42.5042920116,-4.82094359825e-07,3.98721450795,-0.0331536939865,66.759187629,-0.00639668695263,4.48705711319 -0.4500000000000003,-0.00216100873046,42.5042920116,-4.46402356048e-07,3.98721450795,-0.0539861420004,66.759187629,-0.00642617502383,4.48705711319 -0.4550000000000003,-0.00210363027754,42.5042920116,-4.18985889726e-07,3.98721450795,-0.111146945632,66.759187629,-0.00650394815919,4.48705711319 -0.4600000000000003,-0.00176105807225,42.5042920116,-3.97956738826e-07,3.98721450795,-0.429428331653,66.759187629,-0.00663411182462,4.48705711319 -0.4650000000000003,-0.000372612174265,42.5042920116,-3.82052477928e-07,3.98721450795,21.6477935554,66.759187629,-0.00682368905246,4.48705711319 -0.4700000000000003,-0.00233396934444,42.5042920116,-3.70423512373e-07,3.98721450795,0.167903604109,66.759187629,-0.00708353895997,4.48705711319 -0.4750000000000003,-0.00392265940012,42.5042920116,-3.62508888754e-07,3.98721450795,0.029815419391,66.759187629,-0.00742993924142,4.48705711319 -0.4800000000000003,-0.00572445365239,42.5042920116,-3.57963463503e-07,3.98721450795,0.00504778962659,66.759187629,-0.00788730678225,4.48705711319 -0.4850000000000003,-0.00795415100207,42.5042920116,-3.56617334839e-07,3.98721450795,-0.00283666412034,66.759187629,-0.00849301391408,4.48705711319 -0.4900000000000003,-0.0093486859661,42.5042920116,-3.58458029622e-07,3.98721450795,-0.00547953090847,66.759187629,-0.00930635054146,4.48705711319 -0.49500000000000033,-0.0092688521603,42.5042920116,-3.63243997867e-07,3.98721450795,-0.0052355779109,66.759187629,-0.00986663997715,4.48705711319 +0.3600000000000002,1.72737927465,42.5042920116,5.92469615203e-07,3.98721450795,0.0598805140848,66.759187629,0.320488445035,4.48705711319 +0.3650000000000002,0.252385762398,42.5042920116,6.49066803354e-07,3.98721450795,0.0178157238898,66.759187629,-0.0704216940179,4.48705711319 +0.3700000000000002,0.0970498592263,42.5042920116,7.30268777375e-07,3.98721450795,0.00912335434355,66.759187629,-0.0323414408996,4.48705711319 +0.3750000000000002,0.0510997449507,42.5042920116,8.49823350608e-07,3.98721450795,0.00607576940993,66.759187629,-0.0213324395113,4.48705711319 +0.3800000000000002,0.0314679759659,42.5042920116,1.03550939194e-06,3.98721450795,0.00418520580298,66.759187629,-0.0161446716253,4.48705711319 +0.38500000000000023,0.0212652656032,42.5042920116,1.35240949531e-06,3.98721450795,0.00246994248335,66.759187629,-0.0131564505625,4.48705711319 +0.39000000000000024,0.0152626267732,42.5042920116,1.99597568289e-06,3.98721450795,0.00154539191705,66.759187629,-0.0112348313784,4.48705711319 +0.39500000000000024,0.0114072215996,42.5042920116,3.94244581426e-06,3.98721450795,0.00316256442031,66.759187629,-0.00991158466035,4.48705711319 +0.40000000000000024,0.0067360329184,42.5042920116,0.00198158465299,3.98721450795,0.00423571471397,66.759187629,-0.00895835104381,4.48705711319 +0.40500000000000025,0.00684823860276,42.5042920116,-3.91645782784e-06,3.98721450795,0.00521943667849,66.759187629,-0.00825075885281,4.48705711319 +0.41000000000000025,0.00537779227538,42.5042920116,-1.95743492122e-06,3.98721450795,0.00625695264411,66.759187629,-0.00771556614524,4.48705711319 +0.41500000000000026,0.00419484847639,42.5042920116,-1.31016463528e-06,3.98721450795,0.00745057784587,66.759187629,-0.00730712797707,4.48705711319 +0.42000000000000026,0.00318347032955,42.5042920116,-9.90279960958e-07,3.98721450795,0.00891354299678,66.759187629,-0.00699583007917,4.48705711319 +0.42500000000000027,0.00224227447456,42.5042920116,-8.01265222945e-07,3.98721450795,0.0108057641842,66.759187629,-0.00676196303412,4.48705711319 +0.43000000000000027,0.00119556732437,42.5042920116,-6.77696585071e-07,3.98721450795,0.0133872541632,66.759187629,-0.00659229113583,4.48705711319 +0.4350000000000003,0.00106997831016,42.5042920116,-5.91579834478e-07,3.98721450795,0.0171283424976,66.759187629,-0.00647805623747,4.48705711319 +0.4400000000000003,0.00172079794154,42.5042920116,-5.28953461569e-07,3.98721450795,0.0229794936926,66.759187629,-0.00641379963993,4.48705711319 +0.4450000000000003,0.00203410408163,42.5042920116,-4.82094359825e-07,3.98721450795,0.0331536939865,66.759187629,-0.00639668695263,4.48705711319 +0.4500000000000003,0.00216100873046,42.5042920116,-4.46402356048e-07,3.98721450795,0.0539861420004,66.759187629,-0.00642617502383,4.48705711319 +0.4550000000000003,0.00210363027754,42.5042920116,-4.18985889726e-07,3.98721450795,0.111146945632,66.759187629,-0.00650394815919,4.48705711319 +0.4600000000000003,0.00176105807225,42.5042920116,-3.97956738826e-07,3.98721450795,0.429428331653,66.759187629,-0.00663411182462,4.48705711319 +0.4650000000000003,0.000372612174265,42.5042920116,-3.82052477928e-07,3.98721450795,21.6477935554,66.759187629,-0.00682368905246,4.48705711319 +0.4700000000000003,0.00233396934444,42.5042920116,-3.70423512373e-07,3.98721450795,0.167903604109,66.759187629,-0.00708353895997,4.48705711319 +0.4750000000000003,0.00392265940012,42.5042920116,-3.62508888754e-07,3.98721450795,0.029815419391,66.759187629,-0.00742993924142,4.48705711319 +0.4800000000000003,0.00572445365239,42.5042920116,-3.57963463503e-07,3.98721450795,0.00504778962659,66.759187629,-0.00788730678225,4.48705711319 +0.4850000000000003,0.00795415100207,42.5042920116,-3.56617334839e-07,3.98721450795,0.00283666412034,66.759187629,-0.00849301391408,4.48705711319 +0.4900000000000003,0.0093486859661,42.5042920116,-3.58458029622e-07,3.98721450795,0.00547953090847,66.759187629,-0.00930635054146,4.48705711319 +0.49500000000000033,0.0092688521603,42.5042920116,-3.63243997867e-07,3.98721450795,0.0052355779109,66.759187629,-0.00986663997715,4.48705711319 diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_5.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_5.csv index 6ebce8d9c4..2485ed805c 100644 --- a/tests/framework/PostProcessors/Validation/DSS/pp2_print_5.csv +++ b/tests/framework/PostProcessors/Validation/DSS/pp2_print_5.csv @@ -1,25 +1,25 @@ pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation -0.0,0.0596713136288,8.24785892678,0.00298335892525,1.48821899309,-0.000757996482247,88.6649849004,-0.00406841717664,10.0143918804 -0.005,0.0403887199817,8.24785892678,0.00171671719339,1.48821899309,-0.00107493516114,88.6649849004,-0.00488602335465,10.0143918804 -0.01,0.021457268462,8.24785892678,0.000975379420475,1.48821899309,-0.00141215541624,88.6649849004,-0.00564642650618,10.0143918804 -0.015,0.0127563458085,8.24785892678,0.000727419522316,1.48821899309,-0.00147908293,88.6649849004,-0.00629338354185,10.0143918804 -0.02,0.00872814053437,8.24785892678,0.000609364278666,1.48821899309,-0.00123396522493,88.6649849004,-0.00683550516393,10.0143918804 -0.025,0.00650963278358,8.24785892678,0.000544211823823,1.48821899309,-0.000589067651169,88.6649849004,-0.00729193620353,10.0143918804 -0.030000000000000002,0.00513558205016,8.24785892678,0.000505691997334,1.48821899309,-0.00194710576048,88.6649849004,-0.00768719897151,10.0143918804 -0.035,0.00420352750503,8.24785892678,0.000482460496942,1.48821899309,-0.00304922240933,88.6649849004,-0.00804796258607,10.0143918804 -0.04,0.00351884235798,8.24785892678,0.000468904545084,1.48821899309,-0.00419803017967,88.6649849004,-0.00840196492834,10.0143918804 -0.045,0.00297504601393,8.24785892678,0.000462034673272,1.48821899309,-0.00548201849669,88.6649849004,-0.00877888136346,10.0143918804 -0.049999999999999996,0.00250571822,8.24785892678,0.000460238192027,1.48821899309,-0.0069924432328,88.6649849004,-0.00921311644611,10.0143918804 -0.05499999999999999,0.00206093021495,8.24785892678,0.00046272484273,1.48821899309,-0.00886316536524,88.6649849004,-0.00974918165639,10.0143918804 -0.05999999999999999,0.00158871198812,8.24785892678,0.000469274912157,1.48821899309,-0.0113187216975,88.6649849004,-0.0104518013672,10.0143918804 -0.06499999999999999,0.000988371849631,8.24785892678,0.000480146618648,1.48821899309,-0.0147741561945,88.6649849004,-0.0114264825561,10.0143918804 -0.06999999999999999,0.000676215099715,8.24785892678,0.00049609536498,1.48821899309,-0.020084690738,88.6649849004,-0.0128667572569,10.0143918804 -0.075,0.00133455218979,8.24785892678,0.000518510317718,1.48821899309,-0.0292866271455,88.6649849004,-0.0151814075195,10.0143918804 -0.08,0.00171016539995,8.24785892678,0.000549728584591,1.48821899309,-0.0483906245799,88.6649849004,-0.0194249514852,10.0143918804 -0.085,0.00192742797663,8.24785892678,0.000593689238732,1.48821899309,-0.103111832075,88.6649849004,-0.0294376198302,10.0143918804 -0.09000000000000001,0.00195402838494,8.24785892678,0.000657345156865,1.48821899309,-0.471703756869,88.6649849004,-0.0791623868258,10.0143918804 +0.0,0.0596713136288,8.24785892678,0.00298335892525,1.48821899309,0.000757996482247,88.6649849004,-0.00406841717664,10.0143918804 +0.005,0.0403887199817,8.24785892678,0.00171671719339,1.48821899309,0.00107493516114,88.6649849004,-0.00488602335465,10.0143918804 +0.01,0.021457268462,8.24785892678,0.000975379420475,1.48821899309,0.00141215541624,88.6649849004,-0.00564642650618,10.0143918804 +0.015,0.0127563458085,8.24785892678,0.000727419522316,1.48821899309,0.00147908293,88.6649849004,-0.00629338354185,10.0143918804 +0.02,0.00872814053437,8.24785892678,0.000609364278666,1.48821899309,0.00123396522493,88.6649849004,-0.00683550516393,10.0143918804 +0.025,0.00650963278358,8.24785892678,0.000544211823823,1.48821899309,0.000589067651169,88.6649849004,-0.00729193620353,10.0143918804 +0.030000000000000002,0.00513558205016,8.24785892678,0.000505691997334,1.48821899309,0.00194710576048,88.6649849004,-0.00768719897151,10.0143918804 +0.035,0.00420352750503,8.24785892678,0.000482460496942,1.48821899309,0.00304922240933,88.6649849004,-0.00804796258607,10.0143918804 +0.04,0.00351884235798,8.24785892678,0.000468904545084,1.48821899309,0.00419803017967,88.6649849004,-0.00840196492834,10.0143918804 +0.045,0.00297504601393,8.24785892678,0.000462034673272,1.48821899309,0.00548201849669,88.6649849004,-0.00877888136346,10.0143918804 +0.049999999999999996,0.00250571822,8.24785892678,0.000460238192027,1.48821899309,0.0069924432328,88.6649849004,-0.00921311644611,10.0143918804 +0.05499999999999999,0.00206093021495,8.24785892678,0.00046272484273,1.48821899309,0.00886316536524,88.6649849004,-0.00974918165639,10.0143918804 +0.05999999999999999,0.00158871198812,8.24785892678,0.000469274912157,1.48821899309,0.0113187216975,88.6649849004,-0.0104518013672,10.0143918804 +0.06499999999999999,0.000988371849631,8.24785892678,0.000480146618648,1.48821899309,0.0147741561945,88.6649849004,-0.0114264825561,10.0143918804 +0.06999999999999999,0.000676215099715,8.24785892678,0.00049609536498,1.48821899309,0.020084690738,88.6649849004,-0.0128667572569,10.0143918804 +0.075,0.00133455218979,8.24785892678,0.000518510317718,1.48821899309,0.0292866271455,88.6649849004,-0.0151814075195,10.0143918804 +0.08,0.00171016539995,8.24785892678,0.000549728584591,1.48821899309,0.0483906245799,88.6649849004,-0.0194249514852,10.0143918804 +0.085,0.00192742797663,8.24785892678,0.000593689238732,1.48821899309,0.103111832075,88.6649849004,-0.0294376198302,10.0143918804 +0.09000000000000001,0.00195402838494,8.24785892678,0.000657345156865,1.48821899309,0.471703756869,88.6649849004,-0.0791623868258,10.0143918804 0.09500000000000001,0.00162516047845,8.24785892678,0.000754018281161,1.48821899309,1.43000657874,88.6649849004,0.0744809851547,10.0143918804 -0.10000000000000002,0.000923616725523,8.24785892678,0.00091266775343,1.48821899309,-0.571870902273,88.6649849004,0.0220317175692,10.0143918804 +0.10000000000000002,0.000923616725523,8.24785892678,0.00091266775343,1.48821899309,0.571870902273,88.6649849004,0.0220317175692,10.0143918804 0.10500000000000002,0.00292931472298,8.24785892678,0.00121018808551,1.48821899309,0.0288985355573,88.6649849004,0.0117726263778,10.0143918804 0.11000000000000003,0.00501373470027,8.24785892678,0.00194053930215,1.48821899309,0.014109616023,88.6649849004,0.00742208599557,10.0143918804 0.11500000000000003,0.00935304905678,8.24785892678,0.00622084422909,1.48821899309,0.0072327244666,88.6649849004,0.00501421121827,10.0143918804 @@ -27,15 +27,15 @@ pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard 0.12500000000000003,0.00979531259825,8.24785892678,-0.00146689800694,1.48821899309,0.00232548826702,88.6649849004,0.00235124503231,10.0143918804 0.13000000000000003,0.0133606850495,8.24785892678,-0.000855532526256,1.48821899309,0.00127999798831,88.6649849004,0.00146085878973,10.0143918804 0.13500000000000004,0.0174879599859,8.24785892678,-0.000588332333143,1.48821899309,0.000528773650119,88.6649849004,0.000664996972855,10.0143918804 -0.14000000000000004,0.0226368480777,8.24785892678,-0.000439190074375,1.48821899309,-0.000100807061824,88.6649849004,-0.000138609996942,10.0143918804 -0.14500000000000005,0.0294566671809,8.24785892678,-0.000343740532731,1.48821899309,-0.000698434803965,88.6649849004,-0.00105702932118,10.0143918804 -0.15000000000000005,0.0392098652043,8.24785892678,-0.00027648285387,1.48821899309,-0.00131574760004,88.6649849004,-0.00223431321915,10.0143918804 -0.15500000000000005,0.0547844237937,8.24785892678,-0.000225122804365,1.48821899309,-0.00198529921049,88.6649849004,-0.00390419938065,10.0143918804 -0.16000000000000006,0.0842651389076,8.24785892678,-0.000182853018662,1.48821899309,-0.00272108972718,88.6649849004,-0.00650638427369,10.0143918804 -0.16500000000000006,0.159580340992,8.24785892678,-0.000145469148075,1.48821899309,-0.00347548611167,88.6649849004,-0.0110061048826,10.0143918804 -0.17000000000000007,0.557091294957,8.24785892678,-0.000110121372337,1.48821899309,-0.00381481852366,88.6649849004,-0.0200364751739,10.0143918804 -0.17500000000000007,-12.1384242322,8.24785892678,-7.47089794775e-05,1.48821899309,-0.00515095255422,88.6649849004,-0.0442706127039,10.0143918804 -0.18000000000000008,-0.0941520654996,8.24785892678,-3.75546659388e-05,1.48821899309,-0.0515638711526,88.6649849004,-0.233327481272,10.0143918804 +0.14000000000000004,0.0226368480777,8.24785892678,-0.000439190074375,1.48821899309,0.000100807061824,88.6649849004,-0.000138609996942,10.0143918804 +0.14500000000000005,0.0294566671809,8.24785892678,-0.000343740532731,1.48821899309,0.000698434803965,88.6649849004,-0.00105702932118,10.0143918804 +0.15000000000000005,0.0392098652043,8.24785892678,-0.00027648285387,1.48821899309,0.00131574760004,88.6649849004,-0.00223431321915,10.0143918804 +0.15500000000000005,0.0547844237937,8.24785892678,-0.000225122804365,1.48821899309,0.00198529921049,88.6649849004,-0.00390419938065,10.0143918804 +0.16000000000000006,0.0842651389076,8.24785892678,-0.000182853018662,1.48821899309,0.00272108972718,88.6649849004,-0.00650638427369,10.0143918804 +0.16500000000000006,0.159580340992,8.24785892678,-0.000145469148075,1.48821899309,0.00347548611167,88.6649849004,-0.0110061048826,10.0143918804 +0.17000000000000007,0.557091294957,8.24785892678,-0.000110121372337,1.48821899309,0.00381481852366,88.6649849004,-0.0200364751739,10.0143918804 +0.17500000000000007,12.1384242322,8.24785892678,-7.47089794775e-05,1.48821899309,0.00515095255422,88.6649849004,-0.0442706127039,10.0143918804 +0.18000000000000008,0.0941520654996,8.24785892678,-3.75546659388e-05,1.48821899309,0.0515638711526,88.6649849004,-0.233327481272,10.0143918804 0.18500000000000008,0.0018466895338,8.24785892678,2.79275341826e-06,1.48821899309,0.0333257910685,88.6649849004,0.126394256539,10.0143918804 0.19000000000000009,0.0133909013309,8.24785892678,4.76982268389e-05,1.48821899309,0.0172005373907,88.6649849004,0.0625477836308,10.0143918804 0.1950000000000001,0.0143676846347,8.24785892678,9.85617929314e-05,1.48821899309,0.0121238960739,88.6649849004,0.0468546843259,10.0143918804 @@ -52,8 +52,8 @@ pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard 0.2500000000000001,0.000963759113803,8.24785892678,0.00277733359964,1.48821899309,0.0383976269936,88.6649849004,0.0217617348428,10.0143918804 0.2550000000000001,0.00279843287944,8.24785892678,0.00451877901988,1.48821899309,0.0462869018341,88.6649849004,0.020884730362,10.0143918804 0.2600000000000001,0.00488298519198,8.24785892678,0.0100623683817,1.48821899309,0.0583319673375,88.6649849004,0.0201882044552,10.0143918804 -0.2650000000000001,-0.0297041651768,8.24785892678,-0.11859949553,1.48821899309,0.0791368497688,88.6649849004,0.0196804580253,10.0143918804 -0.27000000000000013,-6.8287722189e-05,8.24785892678,-0.00961118985076,1.48821899309,0.123256380142,88.6649849004,0.019370816832,10.0143918804 +0.2650000000000001,0.0297041651768,8.24785892678,-0.11859949553,1.48821899309,0.0791368497688,88.6649849004,0.0196804580253,10.0143918804 +0.27000000000000013,6.8287722189e-05,8.24785892678,-0.00961118985076,1.48821899309,0.123256380142,88.6649849004,0.019370816832,10.0143918804 0.27500000000000013,0.0009351269037,8.24785892678,-0.00529731502892,1.48821899309,0.271026421874,88.6649849004,0.0192723176787,10.0143918804 0.28000000000000014,0.00064468430119,8.24785892678,-0.00379500073563,1.48821899309,10.9596495355,88.6649849004,0.0194046465312,10.0143918804 0.28500000000000014,0.00149933499259,8.24785892678,-0.00304127280144,1.48821899309,0.139037315517,88.6649849004,0.019797766401,10.0143918804 @@ -68,34 +68,34 @@ pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard 0.3300000000000002,0.0395449317938,8.24785892678,-0.00190949210519,1.48821899309,0.0554233382163,88.6649849004,0.0695641047779,10.0143918804 0.3350000000000002,0.0614484432964,8.24785892678,-0.00198384702554,1.48821899309,0.0738633465716,88.6649849004,0.112619304112,10.0143918804 0.3400000000000002,0.105693083605,8.24785892678,-0.00209575938315,1.48821899309,0.150828252378,88.6649849004,0.286486021512,10.0143918804 -0.3450000000000002,0.216817117462,8.24785892678,-0.00225505892529,1.48821899309,-0.236469353326,88.6649849004,-0.587626440054,10.0143918804 -0.3500000000000002,0.644584303784,8.24785892678,-0.00247809975398,1.48821899309,-0.0414285202324,88.6649849004,-0.150910767825,10.0143918804 -0.3550000000000002,7.34492012252,8.24785892678,-0.00279269257058,1.48821899309,-0.00951481137276,88.6649849004,-0.089033708049,10.0143918804 -0.3600000000000002,-4.34288558843,8.24785892678,-0.00324886058394,1.48821899309,-0.0118899997706,88.6649849004,-0.0645816384117,10.0143918804 -0.3650000000000002,-0.597040173151,8.24785892678,-0.00394508723374,1.48821899309,-0.012976604334,88.6649849004,-0.0516337014989,10.0143918804 -0.3700000000000002,-0.236129459868,8.24785892678,-0.00510397224372,1.48821899309,-0.0121979687809,88.6649849004,-0.0437121248552,10.0143918804 -0.3750000000000002,-0.134268453419,8.24785892678,-0.00735494869215,1.48821899309,-0.010775383829,88.6649849004,-0.0384315095947,10.0143918804 -0.3800000000000002,-0.0999823476125,8.24785892678,-0.0134387140869,1.48821899309,-0.00885858383799,88.6649849004,-0.0347086528934,10.0143918804 -0.38500000000000023,-0.200080093136,8.24785892678,-0.0828345467557,1.48821899309,-0.00609499699586,88.6649849004,-0.0319814634776,10.0143918804 -0.39000000000000024,-0.00332456893692,8.24785892678,0.0198831111441,1.48821899309,-0.00299919074849,88.6649849004,-0.0299300713768,10.0143918804 -0.39500000000000024,-0.0139173823182,8.24785892678,0.00893055145572,1.48821899309,-0.00789639452663,88.6649849004,-0.0283599192504,10.0143918804 -0.40000000000000024,-0.0133567482408,8.24785892678,0.00580314890957,1.48821899309,-0.0112482581254,88.6649849004,-0.027146786368,10.0143918804 -0.40500000000000025,-0.011518636728,8.24785892678,0.00433379576915,1.48821899309,-0.0143798669505,88.6649849004,-0.0262086004685,10.0143918804 -0.41000000000000025,-0.00962369943993,8.24785892678,0.00348756344363,1.48821899309,-0.0176380464408,88.6649849004,-0.0254899867306,10.0143918804 -0.41500000000000026,-0.00786381952111,8.24785892678,0.00294256478533,1.48821899309,-0.0212625406972,88.6649849004,-0.024953353551,10.0143918804 -0.42000000000000026,-0.00621460160306,8.24785892678,0.00256618619707,1.48821899309,-0.0255097148848,88.6649849004,-0.0245735597875,10.0143918804 -0.42500000000000027,-0.00457043669825,8.24785892678,0.00229387323068,1.48821899309,-0.0307250939343,88.6649849004,-0.0243346685743,10.0143918804 -0.43000000000000027,-0.00266017914029,8.24785892678,0.00209050295774,1.48821899309,-0.0374407956532,88.6649849004,-0.0242280003004,10.0143918804 -0.4350000000000003,-0.00195939305634,8.24785892678,0.00193539386917,1.48821899309,-0.0465622681817,88.6649849004,-0.024251065837,10.0143918804 -0.4400000000000003,-0.0035237192344,8.24785892678,0.00181564315485,1.48821899309,-0.0597938849395,88.6649849004,-0.0244071712941,10.0143918804 -0.4450000000000003,-0.00433452513221,8.24785892678,0.00172285541782,1.48821899309,-0.0807750410009,88.6649849004,-0.024705624287,10.0143918804 -0.4500000000000003,-0.00475641828387,8.24785892678,0.00165141071447,1.48821899309,-0.118816511016,88.6649849004,-0.0251625879,10.0143918804 -0.4550000000000003,-0.00479440772918,8.24785892678,0.00159749364007,1.48821899309,-0.205973204895,88.6649849004,-0.0258027601299,10.0143918804 -0.4600000000000003,-0.00424613982034,8.24785892678,0.00155852659959,1.48821899309,-0.547182482662,88.6649849004,-0.0266622490973,10.0143918804 -0.4650000000000003,-0.00210285895465,8.24785892678,0.00153283231927,1.48821899309,-99.5260284787,88.6649849004,-0.0277933452369,10.0143918804 -0.4700000000000003,-0.00486975364646,8.24785892678,0.00151943582873,1.48821899309,0.0138994713427,88.6649849004,-0.0292725194292,10.0143918804 -0.4750000000000003,-0.00876296610878,8.24785892678,0.00151795932369,1.48821899309,-0.0904834186149,88.6649849004,-0.031214259646,10.0143918804 -0.4800000000000003,-0.0131742533757,8.24785892678,0.00152858754083,1.48821899309,-0.0864760848037,88.6649849004,-0.0337961836701,10.0143918804 -0.4850000000000003,-0.0186745982665,8.24785892678,0.00155209733618,1.48821899309,-0.0793497963282,88.6649849004,-0.0373076250711,10.0143918804 -0.4900000000000003,-0.0222788015269,8.24785892678,0.00158995920005,1.48821899309,-0.0661588985765,88.6649849004,-0.042251805549,10.0143918804 -0.49500000000000033,-0.0223598156224,8.24785892678,0.00163377442119,1.48821899309,-0.0536071163974,88.6649849004,-0.0457815800695,10.0143918804 +0.3450000000000002,0.216817117462,8.24785892678,-0.00225505892529,1.48821899309,0.236469353326,88.6649849004,-0.587626440054,10.0143918804 +0.3500000000000002,0.644584303784,8.24785892678,-0.00247809975398,1.48821899309,0.0414285202324,88.6649849004,-0.150910767825,10.0143918804 +0.3550000000000002,7.34492012252,8.24785892678,-0.00279269257058,1.48821899309,0.00951481137276,88.6649849004,-0.089033708049,10.0143918804 +0.3600000000000002,4.34288558843,8.24785892678,-0.00324886058394,1.48821899309,0.0118899997706,88.6649849004,-0.0645816384117,10.0143918804 +0.3650000000000002,0.597040173151,8.24785892678,-0.00394508723374,1.48821899309,0.012976604334,88.6649849004,-0.0516337014989,10.0143918804 +0.3700000000000002,0.236129459868,8.24785892678,-0.00510397224372,1.48821899309,0.0121979687809,88.6649849004,-0.0437121248552,10.0143918804 +0.3750000000000002,0.134268453419,8.24785892678,-0.00735494869215,1.48821899309,0.010775383829,88.6649849004,-0.0384315095947,10.0143918804 +0.3800000000000002,0.0999823476125,8.24785892678,-0.0134387140869,1.48821899309,0.00885858383799,88.6649849004,-0.0347086528934,10.0143918804 +0.38500000000000023,0.200080093136,8.24785892678,-0.0828345467557,1.48821899309,0.00609499699586,88.6649849004,-0.0319814634776,10.0143918804 +0.39000000000000024,0.00332456893692,8.24785892678,0.0198831111441,1.48821899309,0.00299919074849,88.6649849004,-0.0299300713768,10.0143918804 +0.39500000000000024,0.0139173823182,8.24785892678,0.00893055145572,1.48821899309,0.00789639452663,88.6649849004,-0.0283599192504,10.0143918804 +0.40000000000000024,0.0133567482408,8.24785892678,0.00580314890957,1.48821899309,0.0112482581254,88.6649849004,-0.027146786368,10.0143918804 +0.40500000000000025,0.011518636728,8.24785892678,0.00433379576915,1.48821899309,0.0143798669505,88.6649849004,-0.0262086004685,10.0143918804 +0.41000000000000025,0.00962369943993,8.24785892678,0.00348756344363,1.48821899309,0.0176380464408,88.6649849004,-0.0254899867306,10.0143918804 +0.41500000000000026,0.00786381952111,8.24785892678,0.00294256478533,1.48821899309,0.0212625406972,88.6649849004,-0.024953353551,10.0143918804 +0.42000000000000026,0.00621460160306,8.24785892678,0.00256618619707,1.48821899309,0.0255097148848,88.6649849004,-0.0245735597875,10.0143918804 +0.42500000000000027,0.00457043669825,8.24785892678,0.00229387323068,1.48821899309,0.0307250939343,88.6649849004,-0.0243346685743,10.0143918804 +0.43000000000000027,0.00266017914029,8.24785892678,0.00209050295774,1.48821899309,0.0374407956532,88.6649849004,-0.0242280003004,10.0143918804 +0.4350000000000003,0.00195939305634,8.24785892678,0.00193539386917,1.48821899309,0.0465622681817,88.6649849004,-0.024251065837,10.0143918804 +0.4400000000000003,0.0035237192344,8.24785892678,0.00181564315485,1.48821899309,0.0597938849395,88.6649849004,-0.0244071712941,10.0143918804 +0.4450000000000003,0.00433452513221,8.24785892678,0.00172285541782,1.48821899309,0.0807750410009,88.6649849004,-0.024705624287,10.0143918804 +0.4500000000000003,0.00475641828387,8.24785892678,0.00165141071447,1.48821899309,0.118816511016,88.6649849004,-0.0251625879,10.0143918804 +0.4550000000000003,0.00479440772918,8.24785892678,0.00159749364007,1.48821899309,0.205973204895,88.6649849004,-0.0258027601299,10.0143918804 +0.4600000000000003,0.00424613982034,8.24785892678,0.00155852659959,1.48821899309,0.547182482662,88.6649849004,-0.0266622490973,10.0143918804 +0.4650000000000003,0.00210285895465,8.24785892678,0.00153283231927,1.48821899309,99.5260284787,88.6649849004,-0.0277933452369,10.0143918804 +0.4700000000000003,0.00486975364646,8.24785892678,0.00151943582873,1.48821899309,0.0138994713427,88.6649849004,-0.0292725194292,10.0143918804 +0.4750000000000003,0.00876296610878,8.24785892678,0.00151795932369,1.48821899309,0.0904834186149,88.6649849004,-0.031214259646,10.0143918804 +0.4800000000000003,0.0131742533757,8.24785892678,0.00152858754083,1.48821899309,0.0864760848037,88.6649849004,-0.0337961836701,10.0143918804 +0.4850000000000003,0.0186745982665,8.24785892678,0.00155209733618,1.48821899309,0.0793497963282,88.6649849004,-0.0373076250711,10.0143918804 +0.4900000000000003,0.0222788015269,8.24785892678,0.00158995920005,1.48821899309,0.0661588985765,88.6649849004,-0.042251805549,10.0143918804 +0.49500000000000033,0.0223598156224,8.24785892678,0.00163377442119,1.48821899309,0.0536071163974,88.6649849004,-0.0457815800695,10.0143918804 diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_6.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_6.csv index 9bd705e86a..889815b804 100644 --- a/tests/framework/PostProcessors/Validation/DSS/pp2_print_6.csv +++ b/tests/framework/PostProcessors/Validation/DSS/pp2_print_6.csv @@ -1,12 +1,12 @@ pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation -0.0,-2.70350039542,17.0559298327,-0.340789791761,2.80203717842,0.000156598717836,10.6263294019,0.000259050984778,3.94675903436 -0.005,-0.145014026695,17.0559298327,-0.039757633263,2.80203717842,0.000241969968522,10.6263294019,0.000319658532634,3.94675903436 -0.01,-0.0184342248343,17.0559298327,-0.015265192276,2.80203717842,0.000354422913577,10.6263294019,0.000378452525131,3.94675903436 -0.015,-0.0054159793812,17.0559298327,-0.0101994156969,2.80203717842,0.000424392383677,10.6263294019,0.000429276704692,3.94675903436 -0.02,-0.00225945296386,17.0559298327,-0.00810998496426,2.80203717842,0.00043603625168,10.6263294019,0.000472183459763,3.94675903436 -0.025,-0.00105198298505,17.0559298327,-0.00702895799841,2.80203717842,0.000313733296765,10.6263294019,0.000508200333029,3.94675903436 -0.030000000000000002,-0.000435711422307,17.0559298327,-0.00640849065588,2.80203717842,0.000446231772485,10.6263294019,0.000538925073506,3.94675903436 -0.035,-5.38463247289e-05,17.0559298327,-0.00603628382787,2.80203717842,0.00094894046027,10.6263294019,0.000566218513968,3.94675903436 +0.0,2.70350039542,17.0559298327,-0.340789791761,2.80203717842,0.000156598717836,10.6263294019,0.000259050984778,3.94675903436 +0.005,0.145014026695,17.0559298327,-0.039757633263,2.80203717842,0.000241969968522,10.6263294019,0.000319658532634,3.94675903436 +0.01,0.0184342248343,17.0559298327,-0.015265192276,2.80203717842,0.000354422913577,10.6263294019,0.000378452525131,3.94675903436 +0.015,0.0054159793812,17.0559298327,-0.0101994156969,2.80203717842,0.000424392383677,10.6263294019,0.000429276704692,3.94675903436 +0.02,0.00225945296386,17.0559298327,-0.00810998496426,2.80203717842,0.00043603625168,10.6263294019,0.000472183459763,3.94675903436 +0.025,0.00105198298505,17.0559298327,-0.00702895799841,2.80203717842,0.000313733296765,10.6263294019,0.000508200333029,3.94675903436 +0.030000000000000002,0.000435711422307,17.0559298327,-0.00640849065588,2.80203717842,0.000446231772485,10.6263294019,0.000538925073506,3.94675903436 +0.035,5.38463247289e-05,17.0559298327,-0.00603628382787,2.80203717842,0.00094894046027,10.6263294019,0.000566218513968,3.94675903436 0.04,0.000212177867169,17.0559298327,-0.00581376358424,2.80203717842,0.00154717277772,10.6263294019,0.000592049990332,3.94675903436 0.045,0.00040626422662,17.0559298327,-0.00569012435036,2.80203717842,0.00233695353429,10.6263294019,0.000618491968159,3.94675903436 0.049999999999999996,0.00054328998326,17.0559298327,-0.00563794815128,2.80203717842,0.00342526139257,10.6263294019,0.000647852891664,3.94675903436 @@ -20,14 +20,14 @@ pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard 0.09000000000000001,0.0011770657274,17.0559298327,-0.00765425421471,2.80203717842,0.182929008938,10.6263294019,0.00319418398349,3.94675903436 0.09500000000000001,0.00106598461032,17.0559298327,-0.00862891977985,2.80203717842,0.0722659787062,10.6263294019,-0.0558632772073,3.94675903436 0.10000000000000002,0.000567583320314,17.0559298327,-0.0101665437859,2.80203717842,19.4694915252,10.6263294019,-0.00236621812496,3.94675903436 -0.10500000000000002,0.000667520653281,17.0559298327,-0.0128563411379,2.80203717842,-1.38233592719,10.6263294019,-0.00108614061781,3.94675903436 -0.11000000000000003,-0.000209642723362,17.0559298327,-0.0185517134201,2.80203717842,-0.257274008061,10.6263294019,-0.000648733253403,3.94675903436 -0.11500000000000003,-0.00828452343367,17.0559298327,-0.0376870320832,2.80203717842,-0.0964666432242,10.6263294019,-0.000428477594825,3.94675903436 -0.12000000000000004,0.144707239827,17.0559298327,0.225504523191,2.80203717842,-0.0449010921327,10.6263294019,-0.000294927332069,3.94675903436 -0.12500000000000003,0.03526551275,17.0559298327,0.0256238274837,2.80203717842,-0.0222977585157,10.6263294019,-0.000203317850298,3.94675903436 -0.13000000000000003,0.0331703928247,17.0559298327,0.0129538127074,2.80203717842,-0.0107190798809,10.6263294019,-0.000133519351623,3.94675903436 -0.13500000000000004,0.0369186074587,17.0559298327,0.00841020326735,2.80203717842,-0.0043278080903,10.6263294019,-7.4325301277e-05,3.94675903436 -0.14000000000000004,0.0436136080195,17.0559298327,0.00608914584789,2.80203717842,-0.000736531455036,10.6263294019,-1.78827433674e-05,3.94675903436 +0.10500000000000002,0.000667520653281,17.0559298327,-0.0128563411379,2.80203717842,1.38233592719,10.6263294019,-0.00108614061781,3.94675903436 +0.11000000000000003,0.000209642723362,17.0559298327,-0.0185517134201,2.80203717842,0.257274008061,10.6263294019,-0.000648733253403,3.94675903436 +0.11500000000000003,0.00828452343367,17.0559298327,-0.0376870320832,2.80203717842,0.0964666432242,10.6263294019,-0.000428477594825,3.94675903436 +0.12000000000000004,0.144707239827,17.0559298327,0.225504523191,2.80203717842,0.0449010921327,10.6263294019,-0.000294927332069,3.94675903436 +0.12500000000000003,0.03526551275,17.0559298327,0.0256238274837,2.80203717842,0.0222977585157,10.6263294019,-0.000203317850298,3.94675903436 +0.13000000000000003,0.0331703928247,17.0559298327,0.0129538127074,2.80203717842,0.0107190798809,10.6263294019,-0.000133519351623,3.94675903436 +0.13500000000000004,0.0369186074587,17.0559298327,0.00841020326735,2.80203717842,0.0043278080903,10.6263294019,-7.4325301277e-05,3.94675903436 +0.14000000000000004,0.0436136080195,17.0559298327,0.00608914584789,2.80203717842,0.000736531455036,10.6263294019,-1.78827433674e-05,3.94675903436 0.14500000000000005,0.0533321888769,17.0559298327,0.00468169339618,2.80203717842,0.00120879479541,10.6263294019,4.30261471329e-05,3.94675903436 0.15000000000000005,0.0674116919862,17.0559298327,0.00372924865983,2.80203717842,0.00214420007139,10.6263294019,0.000117102174359,3.94675903436 0.15500000000000005,0.0891968213127,17.0559298327,0.00302732767872,2.80203717842,0.00245434257718,10.6263294019,0.000217359782777,3.94675903436 @@ -35,9 +35,9 @@ pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard 0.16500000000000006,0.210920752682,17.0559298327,0.0019913857224,2.80203717842,0.00207262799839,10.6263294019,0.000611341259544,3.94675903436 0.17000000000000007,0.498933262292,17.0559298327,0.00155338362272,2.80203717842,0.00158067306088,10.6263294019,0.0010637940542,3.94675903436 0.17500000000000007,6.46878977584,17.0559298327,0.00112593710116,2.80203717842,0.000626655506181,10.6263294019,0.00208610786992,3.94675903436 -0.18000000000000008,-0.655111298002,17.0559298327,0.00068665319288,2.80203717842,0.00207238908005,10.6263294019,0.00585768478698,3.94675903436 -0.18500000000000008,-0.0317676366152,17.0559298327,0.000216876394806,2.80203717842,-0.00564972432766,10.6263294019,-0.0280610566834,3.94675903436 -0.19000000000000009,0.0154397403767,17.0559298327,-0.000300246989807,2.80203717842,-0.000127857177934,10.6263294019,-0.00579642972555,3.94675903436 +0.18000000000000008,0.655111298002,17.0559298327,0.00068665319288,2.80203717842,0.00207238908005,10.6263294019,0.00585768478698,3.94675903436 +0.18500000000000008,0.0317676366152,17.0559298327,0.000216876394806,2.80203717842,0.00564972432766,10.6263294019,-0.0280610566834,3.94675903436 +0.19000000000000009,0.0154397403767,17.0559298327,-0.000300246989807,2.80203717842,0.000127857177934,10.6263294019,-0.00579642972555,3.94675903436 0.1950000000000001,0.0209405045381,17.0559298327,-0.000881279280905,2.80203717842,0.000417907653267,10.6263294019,-0.0038052598963,3.94675903436 0.2000000000000001,0.0193113216303,17.0559298327,-0.00154394429753,2.80203717842,0.00054169521748,10.6263294019,-0.00309861301637,3.94675903436 0.2050000000000001,0.0162762817161,17.0559298327,-0.00230882190973,2.80203717842,0.000386115804839,10.6263294019,-0.00274818216886,3.94675903436 @@ -47,55 +47,55 @@ pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard 0.22500000000000012,0.00529130629044,17.0559298327,-0.00706688289465,2.80203717842,0.00255513351549,10.6263294019,-0.00214199093714,3.94675903436 0.23000000000000012,0.00319965272217,17.0559298327,-0.00900111114621,2.80203717842,0.0035360070843,10.6263294019,-0.00203267234587,3.94675903436 0.23500000000000013,0.00134241754939,17.0559298327,-0.0114998194579,2.80203717842,0.00483543162566,10.6263294019,-0.00192838052285,3.94675903436 -0.24000000000000013,-0.000251759689033,17.0559298327,-0.0148664146913,2.80203717842,0.00661557445297,10.6263294019,-0.00183040889086,3.94675903436 -0.24500000000000013,-0.00142719330876,17.0559298327,-0.0196711386476,2.80203717842,0.00915138000249,10.6263294019,-0.00174065200117,3.94675903436 -0.2500000000000001,-0.00134156208403,17.0559298327,-0.0271215733256,2.80203717842,0.0129471305693,10.6263294019,-0.00166088128894,3.94675903436 -0.2550000000000001,-0.00454121171289,17.0559298327,-0.0402872724642,2.80203717842,0.0190149428371,10.6263294019,-0.00159249232021,3.94675903436 -0.2600000000000001,-0.0133176210049,17.0559298327,-0.0699107813472,2.80203717842,0.029638700964,10.6263294019,-0.00153651636415,3.94675903436 -0.2650000000000001,-0.0489126794165,17.0559298327,-0.198132500708,2.80203717842,0.0509039942947,10.6263294019,-0.00149375614947,3.94675903436 +0.24000000000000013,0.000251759689033,17.0559298327,-0.0148664146913,2.80203717842,0.00661557445297,10.6263294019,-0.00183040889086,3.94675903436 +0.24500000000000013,0.00142719330876,17.0559298327,-0.0196711386476,2.80203717842,0.00915138000249,10.6263294019,-0.00174065200117,3.94675903436 +0.2500000000000001,0.00134156208403,17.0559298327,-0.0271215733256,2.80203717842,0.0129471305693,10.6263294019,-0.00166088128894,3.94675903436 +0.2550000000000001,0.00454121171289,17.0559298327,-0.0402872724642,2.80203717842,0.0190149428371,10.6263294019,-0.00159249232021,3.94675903436 +0.2600000000000001,0.0133176210049,17.0559298327,-0.0699107813472,2.80203717842,0.029638700964,10.6263294019,-0.00153651636415,3.94675903436 +0.2650000000000001,0.0489126794165,17.0559298327,-0.198132500708,2.80203717842,0.0509039942947,10.6263294019,-0.00149375614947,3.94675903436 0.27000000000000013,0.0886661204926,17.0559298327,0.318548206408,2.80203717842,0.103843483557,10.6263294019,-0.00146496712723,3.94675903436 0.27500000000000013,0.0263483245148,17.0559298327,0.0962613977282,2.80203717842,0.30629385869,10.6263294019,-0.0014510519733,3.94675903436 0.28000000000000014,0.0118768455379,17.0559298327,0.0595519445626,2.80203717842,3.52056808431,10.6263294019,-0.00145326716944,3.94675903436 -0.28500000000000014,0.00952071153643,17.0559298327,0.0446187950249,2.80203717842,-1.90127541356,10.6263294019,-0.0014734621324,3.94675903436 -0.29000000000000015,0.0165981439163,17.0559298327,0.0366451537582,2.80203717842,-0.25741702441,10.6263294019,-0.00151439176325,3.94675903436 -0.29500000000000015,0.0218944490705,17.0559298327,0.0317991936693,2.80203717842,-0.0973929163908,10.6263294019,-0.00158017290396,3.94675903436 -0.30000000000000016,0.0272600383624,17.0559298327,0.0286506533365,2.80203717842,-0.0511392440585,10.6263294019,-0.00167701078006,3.94675903436 -0.30500000000000016,0.0334048754438,17.0559298327,0.026549321246,2.80203717842,-0.0316914741449,10.6263294019,-0.00181443793749,3.94675903436 -0.31000000000000016,0.0409491507304,17.0559298327,0.0251625927794,2.80203717842,-0.0217606110383,10.6263294019,-0.00200757071178,3.94675903436 -0.31500000000000017,0.0506987399776,17.0559298327,0.0243090037022,2.80203717842,-0.0160644342904,10.6263294019,-0.0022815310887,3.94675903436 -0.3200000000000002,0.0639049918989,17.0559298327,0.0238888181343,2.80203717842,-0.0125604451552,10.6263294019,-0.00268092991158,3.94675903436 -0.3250000000000002,0.0827222651006,17.0559298327,0.0238525614576,2.80203717842,-0.0103452193036,10.6263294019,-0.00329276522819,3.94675903436 -0.3300000000000002,0.111217443509,17.0559298327,0.0241868439622,2.80203717842,-0.0090194313897,10.6263294019,-0.00431169634744,3.94675903436 -0.3350000000000002,0.157951357965,17.0559298327,0.0249096883531,2.80203717842,-0.00853773267382,10.6263294019,-0.00627995344153,3.94675903436 -0.3400000000000002,0.243821515825,17.0559298327,0.0260728598896,2.80203717842,-0.00967126758226,10.6263294019,-0.0114854974896,3.94675903436 -0.3450000000000002,0.432623370926,17.0559298327,0.0277718222232,2.80203717842,-0.0285605934433,10.6263294019,-0.059909034898,3.94675903436 +0.28500000000000014,0.00952071153643,17.0559298327,0.0446187950249,2.80203717842,1.90127541356,10.6263294019,-0.0014734621324,3.94675903436 +0.29000000000000015,0.0165981439163,17.0559298327,0.0366451537582,2.80203717842,0.25741702441,10.6263294019,-0.00151439176325,3.94675903436 +0.29500000000000015,0.0218944490705,17.0559298327,0.0317991936693,2.80203717842,0.0973929163908,10.6263294019,-0.00158017290396,3.94675903436 +0.30000000000000016,0.0272600383624,17.0559298327,0.0286506533365,2.80203717842,0.0511392440585,10.6263294019,-0.00167701078006,3.94675903436 +0.30500000000000016,0.0334048754438,17.0559298327,0.026549321246,2.80203717842,0.0316914741449,10.6263294019,-0.00181443793749,3.94675903436 +0.31000000000000016,0.0409491507304,17.0559298327,0.0251625927794,2.80203717842,0.0217606110383,10.6263294019,-0.00200757071178,3.94675903436 +0.31500000000000017,0.0506987399776,17.0559298327,0.0243090037022,2.80203717842,0.0160644342904,10.6263294019,-0.0022815310887,3.94675903436 +0.3200000000000002,0.0639049918989,17.0559298327,0.0238888181343,2.80203717842,0.0125604451552,10.6263294019,-0.00268092991158,3.94675903436 +0.3250000000000002,0.0827222651006,17.0559298327,0.0238525614576,2.80203717842,0.0103452193036,10.6263294019,-0.00329276522819,3.94675903436 +0.3300000000000002,0.111217443509,17.0559298327,0.0241868439622,2.80203717842,0.0090194313897,10.6263294019,-0.00431169634744,3.94675903436 +0.3350000000000002,0.157951357965,17.0559298327,0.0249096883531,2.80203717842,0.00853773267382,10.6263294019,-0.00627995344153,3.94675903436 +0.3400000000000002,0.243821515825,17.0559298327,0.0260728598896,2.80203717842,0.00967126758226,10.6263294019,-0.0114854974896,3.94675903436 +0.3450000000000002,0.432623370926,17.0559298327,0.0277718222232,2.80203717842,0.0285605934433,10.6263294019,-0.059909034898,3.94675903436 0.3500000000000002,1.01217938142,17.0559298327,0.0301673558062,2.80203717842,0.0044207317791,10.6263294019,0.0196764669438,3.94675903436 0.3550000000000002,5.35107276081,17.0559298327,0.0335292350289,2.80203717842,0.000542683623389,10.6263294019,0.00872235955827,3.94675903436 -0.3600000000000002,-26.5029092581,17.0559298327,0.0383278895683,2.80203717842,4.58421200142e-05,10.6263294019,0.00574069816566,3.94675903436 -0.3650000000000002,-1.06714375597,17.0559298327,0.0454447649229,2.80203717842,-0.000276764471002,10.6263294019,0.00436502065231,3.94675903436 -0.3700000000000002,-0.194506526601,17.0559298327,0.0567256927075,2.80203717842,-0.000574211076725,10.6263294019,0.00358206498815,3.94675903436 -0.3750000000000002,0.0254547730141,17.0559298327,0.076768170879,2.80203717842,-0.000791036912911,10.6263294019,0.00308263480337,3.94675903436 -0.3800000000000002,0.165618826081,17.0559298327,0.121042578893,2.80203717842,-0.000903906892494,10.6263294019,0.00274064040645,3.94675903436 -0.38500000000000023,0.487709481509,17.0559298327,0.294288341458,2.80203717842,-0.00084907668413,10.6263294019,0.00249509373355,3.94675903436 -0.39000000000000024,-1.12196199264,17.0559298327,-0.66528169721,2.80203717842,-0.000221034645325,10.6263294019,0.00231295829839,3.94675903436 -0.39500000000000024,-0.252628102145,17.0559298327,-0.156643811924,2.80203717842,-0.00130640837399,10.6263294019,0.00217484705076,3.94675903436 -0.40000000000000024,-0.133578368846,17.0559298327,-0.0893616762474,2.80203717842,-0.00234046719873,10.6263294019,0.00206870052358,3.94675903436 -0.40500000000000025,-0.0854337532619,17.0559298327,-0.0629971127082,2.80203717842,-0.00360895144704,10.6263294019,0.0019866944264,3.94675903436 -0.41000000000000025,-0.0591443091825,17.0559298327,-0.0490442421112,2.80203717842,-0.00526974216938,10.6263294019,0.00192360550985,3.94675903436 -0.41500000000000026,-0.0423629480901,17.0559298327,-0.0404861292337,2.80203717842,-0.00752448453848,10.6263294019,0.00187589502334,3.94675903436 -0.42000000000000026,-0.0304148034619,17.0559298327,-0.0347579590522,2.80203717842,-0.0106834641405,10.6263294019,0.00184117128988,3.94675903436 -0.42500000000000027,-0.0209983700673,17.0559298327,-0.0307004950546,2.80203717842,-0.0152607917455,10.6263294019,0.0018178656399,3.94675903436 -0.43000000000000027,-0.0124410821025,17.0559298327,-0.0277141606588,2.80203717842,-0.0221631385471,10.6263294019,0.00180503625423,3.94675903436 -0.4350000000000003,-0.00454472183506,17.0559298327,-0.0254585416436,2.80203717842,-0.0331081849945,10.6263294019,0.00180225461043,3.94675903436 -0.4400000000000003,-0.0113462342608,17.0559298327,-0.0237268822941,2.80203717842,-0.0516606353503,10.6263294019,0.00180955095554,3.94675903436 -0.4450000000000003,-0.0138298611298,17.0559298327,-0.0223872489175,2.80203717842,-0.0861888254948,10.6263294019,0.00182740841981,3.94675903436 -0.4500000000000003,-0.0147636569806,17.0559298327,-0.0213524585446,2.80203717842,-0.160170496467,10.6263294019,0.00185680510665,3.94675903436 -0.4550000000000003,-0.0145048375723,17.0559298327,-0.0205636652308,2.80203717842,-0.361214248897,10.6263294019,0.00189931302641,3.94675903436 -0.4600000000000003,-0.0127605113913,17.0559298327,-0.0199809546106,2.80203717842,-1.25893602832,10.6263294019,0.00195727528241,3.94675903436 -0.4650000000000003,-0.00781052890179,17.0559298327,-0.019577787124,2.80203717842,-33.79425033,10.6263294019,0.00203410321329,3.94675903436 -0.4700000000000003,-0.0110367254087,17.0559298327,-0.0193377012923,2.80203717842,3.97807560743,10.6263294019,0.0021347723539,3.94675903436 -0.4750000000000003,-0.0207997247792,17.0559298327,-0.019252453686,2.80203717842,0.775432666046,10.6263294019,0.00226667000184,3.94675903436 -0.4800000000000003,-0.0308859094082,17.0559298327,-0.0193211792233,2.80203717842,0.331561439953,10.6263294019,0.00244110546413,3.94675903436 -0.4850000000000003,-0.0428180997344,17.0559298327,-0.0195504022636,2.80203717842,0.187403608889,10.6263294019,0.00267616096866,3.94675903436 -0.4900000000000003,-0.0497971047289,17.0559298327,-0.0199549168002,2.80203717842,0.107517874098,10.6263294019,0.00300249621271,3.94675903436 -0.49500000000000033,-0.0493790276505,17.0559298327,-0.0204597771465,2.80203717842,0.0736976764024,10.6263294019,0.00323485187901,3.94675903436 +0.3600000000000002,26.5029092581,17.0559298327,0.0383278895683,2.80203717842,4.58421200142e-05,10.6263294019,0.00574069816566,3.94675903436 +0.3650000000000002,1.06714375597,17.0559298327,0.0454447649229,2.80203717842,0.000276764471002,10.6263294019,0.00436502065231,3.94675903436 +0.3700000000000002,0.194506526601,17.0559298327,0.0567256927075,2.80203717842,0.000574211076725,10.6263294019,0.00358206498815,3.94675903436 +0.3750000000000002,0.0254547730141,17.0559298327,0.076768170879,2.80203717842,0.000791036912911,10.6263294019,0.00308263480337,3.94675903436 +0.3800000000000002,0.165618826081,17.0559298327,0.121042578893,2.80203717842,0.000903906892494,10.6263294019,0.00274064040645,3.94675903436 +0.38500000000000023,0.487709481509,17.0559298327,0.294288341458,2.80203717842,0.00084907668413,10.6263294019,0.00249509373355,3.94675903436 +0.39000000000000024,1.12196199264,17.0559298327,-0.66528169721,2.80203717842,0.000221034645325,10.6263294019,0.00231295829839,3.94675903436 +0.39500000000000024,0.252628102145,17.0559298327,-0.156643811924,2.80203717842,0.00130640837399,10.6263294019,0.00217484705076,3.94675903436 +0.40000000000000024,0.133578368846,17.0559298327,-0.0893616762474,2.80203717842,0.00234046719873,10.6263294019,0.00206870052358,3.94675903436 +0.40500000000000025,0.0854337532619,17.0559298327,-0.0629971127082,2.80203717842,0.00360895144704,10.6263294019,0.0019866944264,3.94675903436 +0.41000000000000025,0.0591443091825,17.0559298327,-0.0490442421112,2.80203717842,0.00526974216938,10.6263294019,0.00192360550985,3.94675903436 +0.41500000000000026,0.0423629480901,17.0559298327,-0.0404861292337,2.80203717842,0.00752448453848,10.6263294019,0.00187589502334,3.94675903436 +0.42000000000000026,0.0304148034619,17.0559298327,-0.0347579590522,2.80203717842,0.0106834641405,10.6263294019,0.00184117128988,3.94675903436 +0.42500000000000027,0.0209983700673,17.0559298327,-0.0307004950546,2.80203717842,0.0152607917455,10.6263294019,0.0018178656399,3.94675903436 +0.43000000000000027,0.0124410821025,17.0559298327,-0.0277141606588,2.80203717842,0.0221631385471,10.6263294019,0.00180503625423,3.94675903436 +0.4350000000000003,0.00454472183506,17.0559298327,-0.0254585416436,2.80203717842,0.0331081849945,10.6263294019,0.00180225461043,3.94675903436 +0.4400000000000003,0.0113462342608,17.0559298327,-0.0237268822941,2.80203717842,0.0516606353503,10.6263294019,0.00180955095554,3.94675903436 +0.4450000000000003,0.0138298611298,17.0559298327,-0.0223872489175,2.80203717842,0.0861888254948,10.6263294019,0.00182740841981,3.94675903436 +0.4500000000000003,0.0147636569806,17.0559298327,-0.0213524585446,2.80203717842,0.160170496467,10.6263294019,0.00185680510665,3.94675903436 +0.4550000000000003,0.0145048375723,17.0559298327,-0.0205636652308,2.80203717842,0.361214248897,10.6263294019,0.00189931302641,3.94675903436 +0.4600000000000003,0.0127605113913,17.0559298327,-0.0199809546106,2.80203717842,1.25893602832,10.6263294019,0.00195727528241,3.94675903436 +0.4650000000000003,0.00781052890179,17.0559298327,-0.019577787124,2.80203717842,33.79425033,10.6263294019,0.00203410321329,3.94675903436 +0.4700000000000003,0.0110367254087,17.0559298327,-0.0193377012923,2.80203717842,3.97807560743,10.6263294019,0.0021347723539,3.94675903436 +0.4750000000000003,0.0207997247792,17.0559298327,-0.019252453686,2.80203717842,0.775432666046,10.6263294019,0.00226667000184,3.94675903436 +0.4800000000000003,0.0308859094082,17.0559298327,-0.0193211792233,2.80203717842,0.331561439953,10.6263294019,0.00244110546413,3.94675903436 +0.4850000000000003,0.0428180997344,17.0559298327,-0.0195504022636,2.80203717842,0.187403608889,10.6263294019,0.00267616096866,3.94675903436 +0.4900000000000003,0.0497971047289,17.0559298327,-0.0199549168002,2.80203717842,0.107517874098,10.6263294019,0.00300249621271,3.94675903436 +0.49500000000000033,0.0493790276505,17.0559298327,-0.0204597771465,2.80203717842,0.0736976764024,10.6263294019,0.00323485187901,3.94675903436 diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_7.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_7.csv index 2c3822db75..1b2d47055d 100644 --- a/tests/framework/PostProcessors/Validation/DSS/pp2_print_7.csv +++ b/tests/framework/PostProcessors/Validation/DSS/pp2_print_7.csv @@ -1,5 +1,5 @@ pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation -0.0,-0.0306827499538,9.41582507018,-0.000557451122591,1.11278977424,3.23285962905e-05,26.7626230727,-3.97768207706e-05,3.11855839636 +0.0,0.0306827499538,9.41582507018,-0.000557451122591,1.11278977424,3.23285962905e-05,26.7626230727,-3.97768207706e-05,3.11855839636 0.005,0.902904316983,9.41582507018,-0.00112495449284,1.11278977424,0.00010752701866,26.7626230727,-5.11548404776e-05,3.11855839636 0.01,0.0165880760891,9.41582507018,0.00114089926273,1.11278977424,0.000248267258665,26.7626230727,-6.30232498458e-05,3.11855839636 0.015,0.00355786035287,9.41582507018,0.000421371820622,1.11278977424,0.00037315669509,26.7626230727,-7.38163161171e-05,3.11855839636 @@ -21,13 +21,13 @@ pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard 0.09500000000000001,0.000117554274876,9.41582507018,0.000236268340775,1.11278977424,0.132404684301,26.7626230727,0.00145531495952,3.11855839636 0.10000000000000002,0.000124487282285,9.41582507018,0.000281996779682,1.11278977424,0.31503518025,26.7626230727,0.00035834387222,3.11855839636 0.10500000000000002,0.000115287091373,9.41582507018,0.000363808896115,1.11278977424,1.59083348437,26.7626230727,0.000187508432009,3.11855839636 -0.11000000000000003,5.1909021237e-05,9.41582507018,0.000545316634447,1.11278977424,-21.3048443491,26.7626230727,0.00011851795602,3.11855839636 -0.11500000000000003,0.000386518403935,9.41582507018,0.00125410530737,1.11278977424,-0.591950911494,26.7626230727,8.12900326612e-05,3.11855839636 -0.12000000000000004,-0.000946482736945,9.41582507018,-0.00276479865149,1.11278977424,-0.155048626235,26.7626230727,5.78629181494e-05,3.11855839636 -0.12500000000000003,-0.000151746541504,9.41582507018,-0.000609212147903,1.11278977424,-0.0601471585328,26.7626230727,4.14666739701e-05,3.11855839636 -0.13000000000000003,-1.03877529358e-06,9.41582507018,-0.000329213157915,1.11278977424,-0.0260683220409,26.7626230727,2.88946006248e-05,3.11855839636 -0.13500000000000004,9.63870452114e-05,9.41582507018,-0.000220024971557,1.11278977424,-0.0108509351514,26.7626230727,1.83209482826e-05,3.11855839636 -0.14000000000000004,0.000184289435455,9.41582507018,-0.000162298633374,1.11278977424,-0.0033447046694,26.7626230727,8.4824235061e-06,3.11855839636 +0.11000000000000003,5.1909021237e-05,9.41582507018,0.000545316634447,1.11278977424,21.3048443491,26.7626230727,0.00011851795602,3.11855839636 +0.11500000000000003,0.000386518403935,9.41582507018,0.00125410530737,1.11278977424,0.591950911494,26.7626230727,8.12900326612e-05,3.11855839636 +0.12000000000000004,0.000946482736945,9.41582507018,-0.00276479865149,1.11278977424,0.155048626235,26.7626230727,5.78629181494e-05,3.11855839636 +0.12500000000000003,0.000151746541504,9.41582507018,-0.000609212147903,1.11278977424,0.0601471585328,26.7626230727,4.14666739701e-05,3.11855839636 +0.13000000000000003,1.03877529358e-06,9.41582507018,-0.000329213157915,1.11278977424,0.0260683220409,26.7626230727,2.88946006248e-05,3.11855839636 +0.13500000000000004,9.63870452114e-05,9.41582507018,-0.000220024971557,1.11278977424,0.0108509351514,26.7626230727,1.83209482826e-05,3.11855839636 +0.14000000000000004,0.000184289435455,9.41582507018,-0.000162298633374,1.11278977424,0.0033447046694,26.7626230727,8.4824235061e-06,3.11855839636 0.14500000000000005,0.000276411572646,9.41582507018,-0.000126689798503,1.11278977424,0.000448179571599,26.7626230727,-1.72192077198e-06,3.11855839636 0.15000000000000005,0.000382498002631,9.41582507018,-0.000102428122283,1.11278977424,0.00226833569207,26.7626230727,-1.3516459439e-05,3.11855839636 0.15500000000000005,0.00051526527586,9.41582507018,-8.45888151489e-05,1.11278977424,0.00298490713824,26.7626230727,-2.85792378502e-05,3.11855839636 @@ -36,8 +36,8 @@ pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard 0.17000000000000007,0.0014913130025,9.41582507018,-4.83371586243e-05,1.11278977424,0.00234462818666,26.7626230727,-0.000134580255489,3.11855839636 0.17500000000000007,0.00272017373639,9.41582507018,-3.84330408682e-05,1.11278977424,0.00175903250862,26.7626230727,-0.000234611481383,3.11855839636 0.18000000000000008,0.00820538933534,9.41582507018,-2.85693413718e-05,1.11278977424,0.0010499187463,26.7626230727,-0.000469253336785,3.11855839636 -0.18500000000000008,-10.6977065865,9.41582507018,-1.83127323453e-05,1.11278977424,0.000377467807423,26.7626230727,-0.00144334631206,3.11855839636 -0.19000000000000009,-0.00181876954186,9.41582507018,-7.28520083071e-06,1.11278977424,0.00198829432899,26.7626230727,0.00380352835494,3.11855839636 +0.18500000000000008,10.6977065865,9.41582507018,-1.83127323453e-05,1.11278977424,0.000377467807423,26.7626230727,-0.00144334631206,3.11855839636 +0.19000000000000009,0.00181876954186,9.41582507018,-7.28520083071e-06,1.11278977424,0.00198829432899,26.7626230727,0.00380352835494,3.11855839636 0.1950000000000001,0.000298016909274,9.41582507018,4.86442780661e-06,1.11278977424,0.00172315240834,26.7626230727,0.00114095531263,3.11855839636 0.2000000000000001,0.000484613282186,9.41582507018,1.84806778369e-05,1.11278977424,0.00173198505852,26.7626230727,0.000802430356588,3.11855839636 0.2050000000000001,0.000478409389526,9.41582507018,3.39168035716e-05,1.11278977424,0.00164113577386,26.7626230727,0.000692843913681,3.11855839636 @@ -58,44 +58,44 @@ pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard 0.28000000000000014,0.000295840969064,9.41582507018,0.000877586934222,1.11278977424,0.185555738772,26.7626230727,0.002886961159,3.11855839636 0.28500000000000014,0.00029146395723,9.41582507018,0.00102102402236,1.11278977424,0.577167840156,26.7626230727,0.00328190958063,3.11855839636 0.29000000000000015,0.000204925986361,9.41582507018,0.00118602966583,1.11278977424,10.2487352137,26.7626230727,0.00369684641987,3.11855839636 -0.29500000000000015,0.000284536483274,9.41582507018,0.00137635556721,1.11278977424,-1.99347013948,26.7626230727,0.00411543626571,3.11855839636 -0.30000000000000016,0.000596911791929,9.41582507018,0.00159674334825,1.11278977424,-0.320959386856,26.7626230727,0.0045171998707,3.11855839636 -0.30500000000000016,0.000957747446753,9.41582507018,0.00185331241199,1.11278977424,-0.120733662553,26.7626230727,0.00488018580299,3.11855839636 -0.31000000000000016,0.00141891567545,9.41582507018,0.00215413353736,1.11278977424,-0.0605269635727,26.7626230727,0.0051847701627,3.11855839636 -0.31500000000000017,0.00203066329996,9.41582507018,0.00251009686648,1.11278977424,-0.0350851626381,26.7626230727,0.00541742730367,3.11855839636 -0.3200000000000002,0.0028638633866,9.41582507018,0.00293626382708,1.11278977424,-0.0222276102019,26.7626230727,0.00557310011959,3.11855839636 -0.3250000000000002,0.00402927490083,9.41582507018,0.00345404844976,1.11278977424,-0.0149751184191,26.7626230727,0.00565536595129,3.11855839636 -0.3300000000000002,0.00571119111095,9.41582507018,0.00409489024731,1.11278977424,-0.0105625631986,26.7626230727,0.00567460221727,3.11855839636 -0.3350000000000002,0.00823605774456,9.41582507018,0.00490676581009,1.11278977424,-0.0077153027945,26.7626230727,0.00564512067525,3.11855839636 -0.3400000000000002,0.0122271018125,9.41582507018,0.00596648538713,1.11278977424,-0.00577991464454,26.7626230727,0.00558235862682,3.11855839636 -0.3450000000000002,0.018995346848,9.41582507018,0.00740482498323,1.11278977424,-0.00439394557158,26.7626230727,0.00550082435537,3.11855839636 -0.3500000000000002,0.0316929901205,9.41582507018,0.00946343340245,1.11278977424,-0.00334234235238,26.7626230727,0.00541298554899,3.11855839636 -0.3550000000000002,0.0595709626355,9.41582507018,0.0126429144169,1.11278977424,-0.0024863447892,26.7626230727,0.00532894549572,3.11855839636 -0.3600000000000002,0.140776212592,9.41582507018,0.0181746074932,1.11278977424,-0.00171772464755,26.7626230727,0.00525663011472,3.11855839636 -0.3650000000000002,0.626854978843,9.41582507018,0.0301146631651,1.11278977424,-0.000873774219684,26.7626230727,0.00520223492173,3.11855839636 -0.3700000000000002,2.05044640812,9.41582507018,0.0743055194479,1.11278977424,-0.000868952684127,26.7626230727,0.005170763208,3.11855839636 -0.3750000000000002,-1.967788632,9.41582507018,-0.228642820892,1.11278977424,-0.0013411350317,26.7626230727,0.00516656840981,3.11855839636 -0.3800000000000002,-0.245003908081,9.41582507018,-0.0490085283738,1.11278977424,-0.0015658039418,26.7626230727,0.00519387448625,3.11855839636 -0.38500000000000023,-0.100123174825,9.41582507018,-0.0287984424702,1.11278977424,-0.00164975224519,26.7626230727,0.00525728862216,3.11855839636 -0.39000000000000024,-0.05542537026,9.41582507018,-0.021097130417,1.11278977424,-0.0015957477508,26.7626230727,0.00536234935958,3.11855839636 -0.39500000000000024,-0.0355326760753,9.41582507018,-0.0170989701414,1.11278977424,-0.00133583190046,26.7626230727,0.00551618120264,3.11855839636 -0.40000000000000024,-0.0248271759234,9.41582507018,-0.0147030530606,1.11278977424,-0.000431356964331,26.7626230727,0.00572836665979,3.11855839636 -0.40500000000000025,-0.0183315366917,9.41582507018,-0.0131542795141,1.11278977424,-0.00163124640358,26.7626230727,0.00601221751251,3.11855839636 -0.41000000000000025,-0.014039428773,9.41582507018,-0.0121164464296,1.11278977424,-0.00272489168365,26.7626230727,0.00638676433496,3.11855839636 -0.41500000000000026,-0.0110075021854,9.41582507018,-0.0114192283556,1.11278977424,-0.00389707823712,26.7626230727,0.00688006422458,3.11855839636 -0.42000000000000026,-0.00873844218418,9.41582507018,-0.010969436566,1.11278977424,-0.00526257780172,26.7626230727,0.00753503682461,3.11855839636 -0.42500000000000027,-0.00694247493037,9.41582507018,-0.010714530666,1.11278977424,-0.0069092473011,26.7626230727,0.0084204650592,3.11855839636 -0.43000000000000027,-0.00542968459402,9.41582507018,-0.0106260431118,1.11278977424,-0.008919334962,26.7626230727,0.00965345784477,3.11855839636 -0.4350000000000003,-0.00404685483649,9.41582507018,-0.0106917823832,1.11278977424,-0.011334640699,26.7626230727,0.0114502689769,3.11855839636 -0.4400000000000003,-0.00259270956285,9.41582507018,-0.0109125570054,1.11278977424,-0.0139824921564,26.7626230727,0.0142583859854,3.11855839636 -0.4450000000000003,-0.000869341591331,9.41582507018,-0.0113018241527,1.11278977424,-0.015685422106,26.7626230727,0.0191766301145,3.11855839636 -0.4500000000000003,-0.00261042853509,9.41582507018,-0.0118880026411,1.11278977424,-0.00976379372345,26.7626230727,0.029814143336,3.11855839636 -0.4550000000000003,-0.00344428825304,9.41582507018,-0.0127202913723,1.11278977424,0.0637181974297,26.7626230727,0.0689859651338,3.11855839636 -0.4600000000000003,-0.00399788704279,9.41582507018,-0.0138804842168,1.11278977424,-0.874835797642,26.7626230727,-0.208169930301,3.11855839636 -0.4650000000000003,-0.004330498936,9.41582507018,-0.0155068429663,1.11278977424,-0.593560492947,26.7626230727,-0.041378998195,3.11855839636 -0.4700000000000003,-0.00431577516571,9.41582507018,-0.0178454317953,1.11278977424,-1.42955754325,26.7626230727,-0.023041078054,3.11855839636 -0.4750000000000003,-0.00329586376578,9.41582507018,-0.0213728514744,1.11278977424,-19.2990481855,26.7626230727,-0.0160481184739,3.11855839636 -0.4800000000000003,-0.00451029883553,9.41582507018,-0.0271394764463,1.11278977424,5.44897180868,26.7626230727,-0.0123897802269,3.11855839636 -0.4850000000000003,-0.0119025242749,9.41582507018,-0.0379906792011,1.11278977424,0.826637403068,26.7626230727,-0.0101614164409,3.11855839636 -0.4900000000000003,-0.0244749095371,9.41582507018,-0.0652289208328,1.11278977424,0.278172048151,26.7626230727,-0.00867817231596,3.11855839636 -0.49500000000000033,-0.0382687518741,9.41582507018,-0.102746733456,1.11278977424,0.159666457462,26.7626230727,-0.00810965884763,3.11855839636 +0.29500000000000015,0.000284536483274,9.41582507018,0.00137635556721,1.11278977424,1.99347013948,26.7626230727,0.00411543626571,3.11855839636 +0.30000000000000016,0.000596911791929,9.41582507018,0.00159674334825,1.11278977424,0.320959386856,26.7626230727,0.0045171998707,3.11855839636 +0.30500000000000016,0.000957747446753,9.41582507018,0.00185331241199,1.11278977424,0.120733662553,26.7626230727,0.00488018580299,3.11855839636 +0.31000000000000016,0.00141891567545,9.41582507018,0.00215413353736,1.11278977424,0.0605269635727,26.7626230727,0.0051847701627,3.11855839636 +0.31500000000000017,0.00203066329996,9.41582507018,0.00251009686648,1.11278977424,0.0350851626381,26.7626230727,0.00541742730367,3.11855839636 +0.3200000000000002,0.0028638633866,9.41582507018,0.00293626382708,1.11278977424,0.0222276102019,26.7626230727,0.00557310011959,3.11855839636 +0.3250000000000002,0.00402927490083,9.41582507018,0.00345404844976,1.11278977424,0.0149751184191,26.7626230727,0.00565536595129,3.11855839636 +0.3300000000000002,0.00571119111095,9.41582507018,0.00409489024731,1.11278977424,0.0105625631986,26.7626230727,0.00567460221727,3.11855839636 +0.3350000000000002,0.00823605774456,9.41582507018,0.00490676581009,1.11278977424,0.0077153027945,26.7626230727,0.00564512067525,3.11855839636 +0.3400000000000002,0.0122271018125,9.41582507018,0.00596648538713,1.11278977424,0.00577991464454,26.7626230727,0.00558235862682,3.11855839636 +0.3450000000000002,0.018995346848,9.41582507018,0.00740482498323,1.11278977424,0.00439394557158,26.7626230727,0.00550082435537,3.11855839636 +0.3500000000000002,0.0316929901205,9.41582507018,0.00946343340245,1.11278977424,0.00334234235238,26.7626230727,0.00541298554899,3.11855839636 +0.3550000000000002,0.0595709626355,9.41582507018,0.0126429144169,1.11278977424,0.0024863447892,26.7626230727,0.00532894549572,3.11855839636 +0.3600000000000002,0.140776212592,9.41582507018,0.0181746074932,1.11278977424,0.00171772464755,26.7626230727,0.00525663011472,3.11855839636 +0.3650000000000002,0.626854978843,9.41582507018,0.0301146631651,1.11278977424,0.000873774219684,26.7626230727,0.00520223492173,3.11855839636 +0.3700000000000002,2.05044640812,9.41582507018,0.0743055194479,1.11278977424,0.000868952684127,26.7626230727,0.005170763208,3.11855839636 +0.3750000000000002,1.967788632,9.41582507018,-0.228642820892,1.11278977424,0.0013411350317,26.7626230727,0.00516656840981,3.11855839636 +0.3800000000000002,0.245003908081,9.41582507018,-0.0490085283738,1.11278977424,0.0015658039418,26.7626230727,0.00519387448625,3.11855839636 +0.38500000000000023,0.100123174825,9.41582507018,-0.0287984424702,1.11278977424,0.00164975224519,26.7626230727,0.00525728862216,3.11855839636 +0.39000000000000024,0.05542537026,9.41582507018,-0.021097130417,1.11278977424,0.0015957477508,26.7626230727,0.00536234935958,3.11855839636 +0.39500000000000024,0.0355326760753,9.41582507018,-0.0170989701414,1.11278977424,0.00133583190046,26.7626230727,0.00551618120264,3.11855839636 +0.40000000000000024,0.0248271759234,9.41582507018,-0.0147030530606,1.11278977424,0.000431356964331,26.7626230727,0.00572836665979,3.11855839636 +0.40500000000000025,0.0183315366917,9.41582507018,-0.0131542795141,1.11278977424,0.00163124640358,26.7626230727,0.00601221751251,3.11855839636 +0.41000000000000025,0.014039428773,9.41582507018,-0.0121164464296,1.11278977424,0.00272489168365,26.7626230727,0.00638676433496,3.11855839636 +0.41500000000000026,0.0110075021854,9.41582507018,-0.0114192283556,1.11278977424,0.00389707823712,26.7626230727,0.00688006422458,3.11855839636 +0.42000000000000026,0.00873844218418,9.41582507018,-0.010969436566,1.11278977424,0.00526257780172,26.7626230727,0.00753503682461,3.11855839636 +0.42500000000000027,0.00694247493037,9.41582507018,-0.010714530666,1.11278977424,0.0069092473011,26.7626230727,0.0084204650592,3.11855839636 +0.43000000000000027,0.00542968459402,9.41582507018,-0.0106260431118,1.11278977424,0.008919334962,26.7626230727,0.00965345784477,3.11855839636 +0.4350000000000003,0.00404685483649,9.41582507018,-0.0106917823832,1.11278977424,0.011334640699,26.7626230727,0.0114502689769,3.11855839636 +0.4400000000000003,0.00259270956285,9.41582507018,-0.0109125570054,1.11278977424,0.0139824921564,26.7626230727,0.0142583859854,3.11855839636 +0.4450000000000003,0.000869341591331,9.41582507018,-0.0113018241527,1.11278977424,0.015685422106,26.7626230727,0.0191766301145,3.11855839636 +0.4500000000000003,0.00261042853509,9.41582507018,-0.0118880026411,1.11278977424,0.00976379372345,26.7626230727,0.029814143336,3.11855839636 +0.4550000000000003,0.00344428825304,9.41582507018,-0.0127202913723,1.11278977424,0.0637181974297,26.7626230727,0.0689859651338,3.11855839636 +0.4600000000000003,0.00399788704279,9.41582507018,-0.0138804842168,1.11278977424,0.874835797642,26.7626230727,-0.208169930301,3.11855839636 +0.4650000000000003,0.004330498936,9.41582507018,-0.0155068429663,1.11278977424,0.593560492947,26.7626230727,-0.041378998195,3.11855839636 +0.4700000000000003,0.00431577516571,9.41582507018,-0.0178454317953,1.11278977424,1.42955754325,26.7626230727,-0.023041078054,3.11855839636 +0.4750000000000003,0.00329586376578,9.41582507018,-0.0213728514744,1.11278977424,19.2990481855,26.7626230727,-0.0160481184739,3.11855839636 +0.4800000000000003,0.00451029883553,9.41582507018,-0.0271394764463,1.11278977424,5.44897180868,26.7626230727,-0.0123897802269,3.11855839636 +0.4850000000000003,0.0119025242749,9.41582507018,-0.0379906792011,1.11278977424,0.826637403068,26.7626230727,-0.0101614164409,3.11855839636 +0.4900000000000003,0.0244749095371,9.41582507018,-0.0652289208328,1.11278977424,0.278172048151,26.7626230727,-0.00867817231596,3.11855839636 +0.49500000000000033,0.0382687518741,9.41582507018,-0.102746733456,1.11278977424,0.159666457462,26.7626230727,-0.00810965884763,3.11855839636 diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_8.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_8.csv index 6fceed1c6f..5bba2b6cd3 100644 --- a/tests/framework/PostProcessors/Validation/DSS/pp2_print_8.csv +++ b/tests/framework/PostProcessors/Validation/DSS/pp2_print_8.csv @@ -1,21 +1,21 @@ pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation -0.0,0.0766179352583,17.382257437,0.000755459814065,3.04157746282,-0.0140341780609,44.7642229618,-0.0667114589931,5.49765965736 -0.005,0.0634762364734,17.382257437,-2.37886667141e-07,3.04157746282,-0.0198530934049,44.7642229618,-0.0836126007673,5.49765965736 -0.01,0.0427570295443,17.382257437,-8.45402657216e-08,3.04157746282,-0.0252939453424,44.7642229618,-0.100349963348,5.49765965736 -0.015,0.0286018652395,17.382257437,-5.57957133201e-08,3.04157746282,-0.0243388730404,44.7642229618,-0.115046986624,5.49765965736 -0.02,0.0210236449805,17.382257437,-4.42667142247e-08,3.04157746282,-0.0129984415582,44.7642229618,-0.127728188461,5.49765965736 -0.025,0.0164575281605,17.382257437,-3.84227771502e-08,3.04157746282,-0.0283035069215,44.7642229618,-0.13872547446,5.49765965736 -0.030000000000000002,0.0134418131959,17.382257437,-3.51517091895e-08,3.04157746282,-0.0502366951236,44.7642229618,-0.148567035324,5.49765965736 -0.035,0.0112825784351,17.382257437,-3.32697900065e-08,3.04157746282,-0.0728063028921,44.7642229618,-0.157900812851,5.49765965736 -0.04,0.00960829455293,17.382257437,-3.22378490597e-08,3.04157746282,-0.0981902030458,44.7642229618,-0.167475585491,5.49765965736 -0.045,0.00819416765048,17.382257437,-3.17868308301e-08,3.04157746282,-0.128379738659,44.7642229618,-0.178190252587,5.49765965736 -0.049999999999999996,0.00688019091495,17.382257437,-3.17820325634e-08,3.04157746282,-0.166340299881,44.7642229618,-0.191234386736,5.49765965736 -0.05499999999999999,0.00551759426795,17.382257437,-3.2167767044e-08,3.04157746282,-0.217201578683,44.7642229618,-0.208392722618,5.49765965736 -0.05999999999999999,0.00388240844208,17.382257437,-3.29453857917e-08,3.04157746282,-0.290804374855,44.7642229618,-0.232728462736,5.49765965736 -0.06499999999999999,0.000718467776938,17.382257437,-3.41694417397e-08,3.04157746282,-0.408478140868,44.7642229618,-0.270329968835,5.49765965736 -0.06999999999999999,0.00365483905979,17.382257437,-3.5959154201e-08,3.04157746282,-0.625213421512,44.7642229618,-0.33577072639,5.49765965736 -0.075,0.00510229819122,17.382257437,-3.85312409052e-08,3.04157746282,-1.12948805066,44.7642229618,-0.475684829117,5.49765965736 -0.08,0.00601119925538,17.382257437,-4.22748563649e-08,3.04157746282,-3.11685857128,44.7642229618,-0.967966986377,5.49765965736 +0.0,0.0766179352583,17.382257437,0.000755459814065,3.04157746282,0.0140341780609,44.7642229618,-0.0667114589931,5.49765965736 +0.005,0.0634762364734,17.382257437,-2.37886667141e-07,3.04157746282,0.0198530934049,44.7642229618,-0.0836126007673,5.49765965736 +0.01,0.0427570295443,17.382257437,-8.45402657216e-08,3.04157746282,0.0252939453424,44.7642229618,-0.100349963348,5.49765965736 +0.015,0.0286018652395,17.382257437,-5.57957133201e-08,3.04157746282,0.0243388730404,44.7642229618,-0.115046986624,5.49765965736 +0.02,0.0210236449805,17.382257437,-4.42667142247e-08,3.04157746282,0.0129984415582,44.7642229618,-0.127728188461,5.49765965736 +0.025,0.0164575281605,17.382257437,-3.84227771502e-08,3.04157746282,0.0283035069215,44.7642229618,-0.13872547446,5.49765965736 +0.030000000000000002,0.0134418131959,17.382257437,-3.51517091895e-08,3.04157746282,0.0502366951236,44.7642229618,-0.148567035324,5.49765965736 +0.035,0.0112825784351,17.382257437,-3.32697900065e-08,3.04157746282,0.0728063028921,44.7642229618,-0.157900812851,5.49765965736 +0.04,0.00960829455293,17.382257437,-3.22378490597e-08,3.04157746282,0.0981902030458,44.7642229618,-0.167475585491,5.49765965736 +0.045,0.00819416765048,17.382257437,-3.17868308301e-08,3.04157746282,0.128379738659,44.7642229618,-0.178190252587,5.49765965736 +0.049999999999999996,0.00688019091495,17.382257437,-3.17820325634e-08,3.04157746282,0.166340299881,44.7642229618,-0.191234386736,5.49765965736 +0.05499999999999999,0.00551759426795,17.382257437,-3.2167767044e-08,3.04157746282,0.217201578683,44.7642229618,-0.208392722618,5.49765965736 +0.05999999999999999,0.00388240844208,17.382257437,-3.29453857917e-08,3.04157746282,0.290804374855,44.7642229618,-0.232728462736,5.49765965736 +0.06499999999999999,0.000718467776938,17.382257437,-3.41694417397e-08,3.04157746282,0.408478140868,44.7642229618,-0.270329968835,5.49765965736 +0.06999999999999999,0.00365483905979,17.382257437,-3.5959154201e-08,3.04157746282,0.625213421512,44.7642229618,-0.33577072639,5.49765965736 +0.075,0.00510229819122,17.382257437,-3.85312409052e-08,3.04157746282,1.12948805066,44.7642229618,-0.475684829117,5.49765965736 +0.08,0.00601119925538,17.382257437,-4.22748563649e-08,3.04157746282,3.11685857128,44.7642229618,-0.967966986377,5.49765965736 0.085,0.00640846745449,17.382257437,-4.79284952287e-08,3.04157746282,17.7930104612,44.7642229618,3.61274599878,5.49765965736 0.09000000000000001,0.00604375957229,17.382257437,-5.70523913778e-08,3.04157746282,5.35189434669,44.7642229618,0.529095850456,5.49765965736 0.09500000000000001,0.00398213815592,17.382257437,-7.35780664916e-08,3.04157746282,24.8146650348,44.7642229618,0.25674482114,5.49765965736 @@ -25,15 +25,15 @@ pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard 0.11500000000000003,0.0220007957478,17.382257437,1.12042588921e-07,3.04157746282,0.0904048618576,44.7642229618,0.0469550141142,5.49765965736 0.12000000000000004,0.0286209377741,17.382257437,6.12730188443e-08,3.04157746282,0.0460652867323,44.7642229618,0.0289153741263,5.49765965736 0.12500000000000003,0.0361246921327,17.382257437,4.09369377937e-08,3.04157746282,0.0176903531448,44.7642229618,0.0130230763885,5.49765965736 -0.13000000000000003,0.0446985036227,17.382257437,3.0037208598e-08,3.04157746282,-0.00338956638442,44.7642229618,-0.00287654390044,5.49765965736 -0.13500000000000004,0.0546533591936,17.382257437,2.32262928677e-08,3.04157746282,-0.021594472442,44.7642229618,-0.0209917021408,5.49765965736 -0.14000000000000004,0.0665529540417,17.382257437,1.85015539036e-08,3.04157746282,-0.0396630593666,44.7642229618,-0.0442792801278,5.49765965736 -0.14500000000000005,0.0814554862728,17.382257437,1.49305409444e-08,3.04157746282,-0.0598781249142,44.7642229618,-0.0775699273158,5.49765965736 -0.15000000000000005,0.101450488483,17.382257437,1.2008965536e-08,3.04157746282,-0.0849733064531,44.7642229618,-0.130080889287,5.49765965736 -0.15500000000000005,0.131087691699,17.382257437,9.43049458666e-09,3.04157746282,-0.119536030406,44.7642229618,-0.222508547462,5.49765965736 -0.16000000000000006,0.182186827663,17.382257437,6.98998015508e-09,3.04157746282,-0.174241341616,44.7642229618,-0.413591494153,5.49765965736 -0.16500000000000006,0.297507195561,17.382257437,4.53756308295e-09,3.04157746282,-0.289227085144,44.7642229618,-0.963642202773,5.49765965736 -0.17000000000000007,0.837797414979,17.382257437,1.95431528909e-09,3.04157746282,-1.32413875409,44.7642229618,-8.63679459601,5.49765965736 +0.13000000000000003,0.0446985036227,17.382257437,3.0037208598e-08,3.04157746282,0.00338956638442,44.7642229618,-0.00287654390044,5.49765965736 +0.13500000000000004,0.0546533591936,17.382257437,2.32262928677e-08,3.04157746282,0.021594472442,44.7642229618,-0.0209917021408,5.49765965736 +0.14000000000000004,0.0665529540417,17.382257437,1.85015539036e-08,3.04157746282,0.0396630593666,44.7642229618,-0.0442792801278,5.49765965736 +0.14500000000000005,0.0814554862728,17.382257437,1.49305409444e-08,3.04157746282,0.0598781249142,44.7642229618,-0.0775699273158,5.49765965736 +0.15000000000000005,0.101450488483,17.382257437,1.2008965536e-08,3.04157746282,0.0849733064531,44.7642229618,-0.130080889287,5.49765965736 +0.15500000000000005,0.131087691699,17.382257437,9.43049458666e-09,3.04157746282,0.119536030406,44.7642229618,-0.222508547462,5.49765965736 +0.16000000000000006,0.182186827663,17.382257437,6.98998015508e-09,3.04157746282,0.174241341616,44.7642229618,-0.413591494153,5.49765965736 +0.16500000000000006,0.297507195561,17.382257437,4.53756308295e-09,3.04157746282,0.289227085144,44.7642229618,-0.963642202773,5.49765965736 +0.17000000000000007,0.837797414979,17.382257437,1.95431528909e-09,3.04157746282,1.32413875409,44.7642229618,-8.63679459601,5.49765965736 0.17500000000000007,0.837676472005,17.382257437,-8.62578290917e-10,3.04157746282,0.314543654714,44.7642229618,1.99844153162,5.49765965736 0.18000000000000008,0.279293962,17.382257437,-4.01072931105e-09,3.04157746282,0.260293294945,44.7642229618,1.09238186369,5.49765965736 0.18500000000000008,0.161040950522,17.382257437,-7.59274667908e-09,3.04157746282,0.225977459461,44.7642229618,0.831034650158,5.49765965736 @@ -65,37 +65,37 @@ pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard 0.31500000000000017,0.0432911903675,17.382257437,8.42804740603e-08,3.04157746282,1.18712482491,44.7642229618,0.82471452086,5.49765965736 0.3200000000000002,0.0570681034441,17.382257437,8.68435079735e-08,3.04157746282,1.56439890115,44.7642229618,1.30477104152,5.49765965736 0.3250000000000002,0.0772878741578,17.382257437,9.08469908799e-08,3.04157746282,2.99049489296,44.7642229618,2.98359259391,5.49765965736 -0.3300000000000002,0.109021971406,17.382257437,9.66060269805e-08,3.04157746282,-11.6430906076,44.7642229618,-13.9366598512,5.49765965736 -0.3350000000000002,0.163372867292,17.382257437,1.04632326001e-07,3.04157746282,-1.53930654615,44.7642229618,-2.23415848722,5.49765965736 -0.3400000000000002,0.26868331458,17.382257437,1.15759886144e-07,3.04157746282,-0.705340630385,44.7642229618,-1.26848415518,5.49765965736 -0.3450000000000002,0.516364584015,17.382257437,1.31398400103e-07,3.04157746282,-0.393999426039,44.7642229618,-0.915399916603,5.49765965736 -0.3500000000000002,1.35185710055,17.382257437,1.5408750332e-07,3.04157746282,-0.223495137551,44.7642229618,-0.735169703334,5.49765965736 -0.3550000000000002,8.95541200506,17.382257437,1.88862512586e-07,3.04157746282,-0.0967009866621,44.7642229618,-0.627499450317,5.49765965736 -0.3600000000000002,-28.9157925245,17.382257437,2.47255244352e-07,3.04157746282,-0.0887315595718,44.7642229618,-0.556984404462,5.49765965736 -0.3650000000000002,-2.04140064426,17.382257437,3.62658377701e-07,3.04157746282,-0.122318338424,44.7642229618,-0.50793815665,5.49765965736 -0.3700000000000002,-0.686188136722,17.382257437,6.88521252376e-07,3.04157746282,-0.130173377388,44.7642229618,-0.472349282664,5.49765965736 -0.3750000000000002,-0.342920526144,17.382257437,6.81086396551e-06,3.04157746282,-0.126207148569,44.7642229618,-0.445708879334,5.49765965736 -0.3800000000000002,-0.206358071634,17.382257437,-8.74737058002e-07,3.04157746282,-0.113160389053,44.7642229618,-0.425297229316,5.49765965736 -0.38500000000000023,-0.138258167655,17.382257437,-4.16082279754e-07,3.04157746282,-0.0888354991172,44.7642229618,-0.40938978377,5.49765965736 -0.39000000000000024,-0.0992757117514,17.382257437,-2.76141533993e-07,3.04157746282,-0.0342044876592,44.7642229618,-0.396853988338,5.49765965736 -0.39500000000000024,-0.0747228392712,17.382257437,-2.08909348535e-07,3.04157746282,-0.0873433212143,44.7642229618,-0.386929340875,5.49765965736 -0.40000000000000024,-0.058092908911,17.382257437,-1.6974028524e-07,3.04157746282,-0.137949162302,44.7642229618,-0.379100324519,5.49765965736 -0.40500000000000025,-0.0461279485462,17.382257437,-1.44328470817e-07,3.04157746282,-0.184096818585,44.7642229618,-0.373019610799,5.49765965736 -0.41000000000000025,-0.037030882991,17.382257437,-1.26681304813e-07,3.04157746282,-0.231451835307,44.7642229618,-0.368460122885,5.49765965736 -0.41500000000000026,-0.0297173927724,17.382257437,-1.1384971055e-07,3.04157746282,-0.283249427815,44.7642229618,-0.365284649124,5.49765965736 -0.42000000000000026,-0.0234564906682,17.382257437,-1.04216368056e-07,3.04157746282,-0.342690613933,44.7642229618,-0.363426818521,5.49765965736 -0.42500000000000027,-0.0176463581116,17.382257437,-9.68228967361e-08,3.04157746282,-0.413909556542,44.7642229618,-0.362880013503,5.49765965736 -0.43000000000000027,-0.0114971205473,17.382257437,-9.1068004043e-08,3.04157746282,-0.50304268279,44.7642229618,-0.363692409128,5.49765965736 -0.4350000000000003,-0.00268027058148,17.382257437,-8.65581854696e-08,3.04157746282,-0.620105717779,44.7642229618,-0.365967395628,5.49765965736 -0.4400000000000003,-0.0108379331777,17.382257437,-8.30281657082e-08,3.04157746282,-0.78298600995,44.7642229618,-0.369869506547,5.49765965736 -0.4450000000000003,-0.0142463500807,17.382257437,-8.02959980022e-08,3.04157746282,-1.02725455535,44.7642229618,-0.3756368878,5.49765965736 -0.4500000000000003,-0.016191858155,17.382257437,-7.82366211185e-08,3.04157746282,-1.43490622822,44.7642229618,-0.383602569944,5.49765965736 -0.4550000000000003,-0.0169359462252,17.382257437,-7.67658718131e-08,3.04157746282,-2.24350595478,44.7642229618,-0.39422874796,5.49765965736 -0.4600000000000003,-0.0160926654828,17.382257437,-7.58307989645e-08,3.04157746282,-4.50152487095,44.7642229618,-0.408161671023,5.49765965736 -0.4650000000000003,-0.0120549150113,17.382257437,-7.54040669454e-08,3.04157746282,-23.7857952866,44.7642229618,-0.426321124734,5.49765965736 -0.4700000000000003,-0.0106514961142,17.382257437,-7.54812981885e-08,3.04157746282,3.01522648483,44.7642229618,-0.450051235414,5.49765965736 -0.4750000000000003,-0.0249502300599,17.382257437,-7.60808609275e-08,3.04157746282,-2.02773616538,44.7642229618,-0.481386519321,5.49765965736 -0.4800000000000003,-0.0396287384342,17.382257437,-7.7246105534e-08,3.04157746282,-1.73740406466,44.7642229618,-0.523549672213,5.49765965736 -0.4850000000000003,-0.0574696004356,17.382257437,-7.90505602526e-08,3.04157746282,-1.50891777393,44.7642229618,-0.581955448149,5.49765965736 -0.4900000000000003,-0.0692535087708,17.382257437,-8.16072910692e-08,3.04157746282,-1.22516588853,44.7642229618,-0.666442262839,5.49765965736 -0.49500000000000033,-0.0702459831803,17.382257437,-8.45272772513e-08,3.04157746282,-0.98926977011,44.7642229618,-0.728823164106,5.49765965736 +0.3300000000000002,0.109021971406,17.382257437,9.66060269805e-08,3.04157746282,11.6430906076,44.7642229618,-13.9366598512,5.49765965736 +0.3350000000000002,0.163372867292,17.382257437,1.04632326001e-07,3.04157746282,1.53930654615,44.7642229618,-2.23415848722,5.49765965736 +0.3400000000000002,0.26868331458,17.382257437,1.15759886144e-07,3.04157746282,0.705340630385,44.7642229618,-1.26848415518,5.49765965736 +0.3450000000000002,0.516364584015,17.382257437,1.31398400103e-07,3.04157746282,0.393999426039,44.7642229618,-0.915399916603,5.49765965736 +0.3500000000000002,1.35185710055,17.382257437,1.5408750332e-07,3.04157746282,0.223495137551,44.7642229618,-0.735169703334,5.49765965736 +0.3550000000000002,8.95541200506,17.382257437,1.88862512586e-07,3.04157746282,0.0967009866621,44.7642229618,-0.627499450317,5.49765965736 +0.3600000000000002,28.9157925245,17.382257437,2.47255244352e-07,3.04157746282,0.0887315595718,44.7642229618,-0.556984404462,5.49765965736 +0.3650000000000002,2.04140064426,17.382257437,3.62658377701e-07,3.04157746282,0.122318338424,44.7642229618,-0.50793815665,5.49765965736 +0.3700000000000002,0.686188136722,17.382257437,6.88521252376e-07,3.04157746282,0.130173377388,44.7642229618,-0.472349282664,5.49765965736 +0.3750000000000002,0.342920526144,17.382257437,6.81086396551e-06,3.04157746282,0.126207148569,44.7642229618,-0.445708879334,5.49765965736 +0.3800000000000002,0.206358071634,17.382257437,-8.74737058002e-07,3.04157746282,0.113160389053,44.7642229618,-0.425297229316,5.49765965736 +0.38500000000000023,0.138258167655,17.382257437,-4.16082279754e-07,3.04157746282,0.0888354991172,44.7642229618,-0.40938978377,5.49765965736 +0.39000000000000024,0.0992757117514,17.382257437,-2.76141533993e-07,3.04157746282,0.0342044876592,44.7642229618,-0.396853988338,5.49765965736 +0.39500000000000024,0.0747228392712,17.382257437,-2.08909348535e-07,3.04157746282,0.0873433212143,44.7642229618,-0.386929340875,5.49765965736 +0.40000000000000024,0.058092908911,17.382257437,-1.6974028524e-07,3.04157746282,0.137949162302,44.7642229618,-0.379100324519,5.49765965736 +0.40500000000000025,0.0461279485462,17.382257437,-1.44328470817e-07,3.04157746282,0.184096818585,44.7642229618,-0.373019610799,5.49765965736 +0.41000000000000025,0.037030882991,17.382257437,-1.26681304813e-07,3.04157746282,0.231451835307,44.7642229618,-0.368460122885,5.49765965736 +0.41500000000000026,0.0297173927724,17.382257437,-1.1384971055e-07,3.04157746282,0.283249427815,44.7642229618,-0.365284649124,5.49765965736 +0.42000000000000026,0.0234564906682,17.382257437,-1.04216368056e-07,3.04157746282,0.342690613933,44.7642229618,-0.363426818521,5.49765965736 +0.42500000000000027,0.0176463581116,17.382257437,-9.68228967361e-08,3.04157746282,0.413909556542,44.7642229618,-0.362880013503,5.49765965736 +0.43000000000000027,0.0114971205473,17.382257437,-9.1068004043e-08,3.04157746282,0.50304268279,44.7642229618,-0.363692409128,5.49765965736 +0.4350000000000003,0.00268027058148,17.382257437,-8.65581854696e-08,3.04157746282,0.620105717779,44.7642229618,-0.365967395628,5.49765965736 +0.4400000000000003,0.0108379331777,17.382257437,-8.30281657082e-08,3.04157746282,0.78298600995,44.7642229618,-0.369869506547,5.49765965736 +0.4450000000000003,0.0142463500807,17.382257437,-8.02959980022e-08,3.04157746282,1.02725455535,44.7642229618,-0.3756368878,5.49765965736 +0.4500000000000003,0.016191858155,17.382257437,-7.82366211185e-08,3.04157746282,1.43490622822,44.7642229618,-0.383602569944,5.49765965736 +0.4550000000000003,0.0169359462252,17.382257437,-7.67658718131e-08,3.04157746282,2.24350595478,44.7642229618,-0.39422874796,5.49765965736 +0.4600000000000003,0.0160926654828,17.382257437,-7.58307989645e-08,3.04157746282,4.50152487095,44.7642229618,-0.408161671023,5.49765965736 +0.4650000000000003,0.0120549150113,17.382257437,-7.54040669454e-08,3.04157746282,23.7857952866,44.7642229618,-0.426321124734,5.49765965736 +0.4700000000000003,0.0106514961142,17.382257437,-7.54812981885e-08,3.04157746282,3.01522648483,44.7642229618,-0.450051235414,5.49765965736 +0.4750000000000003,0.0249502300599,17.382257437,-7.60808609275e-08,3.04157746282,2.02773616538,44.7642229618,-0.481386519321,5.49765965736 +0.4800000000000003,0.0396287384342,17.382257437,-7.7246105534e-08,3.04157746282,1.73740406466,44.7642229618,-0.523549672213,5.49765965736 +0.4850000000000003,0.0574696004356,17.382257437,-7.90505602526e-08,3.04157746282,1.50891777393,44.7642229618,-0.581955448149,5.49765965736 +0.4900000000000003,0.0692535087708,17.382257437,-8.16072910692e-08,3.04157746282,1.22516588853,44.7642229618,-0.666442262839,5.49765965736 +0.49500000000000033,0.0702459831803,17.382257437,-8.45272772513e-08,3.04157746282,0.98926977011,44.7642229618,-0.728823164106,5.49765965736 diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_9.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_9.csv index 42af8d7c03..228194a161 100644 --- a/tests/framework/PostProcessors/Validation/DSS/pp2_print_9.csv +++ b/tests/framework/PostProcessors/Validation/DSS/pp2_print_9.csv @@ -1,5 +1,5 @@ pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation -0.0,-0.764555917836,18.1140398957,-0.00195238046846,1.47154939559,5.38967449988e-06,74.6823596112,7.45813228589e-05,5.29995970548 +0.0,0.764555917836,18.1140398957,-0.00195238046846,1.47154939559,5.38967449988e-06,74.6823596112,7.45813228589e-05,5.29995970548 0.005,9.30858909673,18.1140398957,-0.00100864803365,1.47154939559,1.24795723904e-05,74.6823596112,9.02270196318e-05,5.29995970548 0.01,0.122334352586,18.1140398957,-0.000540517984425,1.47154939559,2.30373480673e-05,74.6823596112,0.000104951685713,5.29995970548 0.015,0.0360350905229,18.1140398957,-0.000395318449729,1.47154939559,3.11545786472e-05,74.6823596112,0.000117536572211,5.29995970548 @@ -18,15 +18,15 @@ pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard 0.08,0.000738229383803,18.1140398957,-0.000295205653909,1.47154939559,0.000782836614714,74.6823596112,0.000387882072793,5.29995970548 0.085,0.00135111811562,18.1140398957,-0.000320074823849,1.47154939559,0.00153831819746,74.6823596112,0.000620141189165,5.29995970548 0.09000000000000001,0.00169304045562,18.1140398957,-0.000356400095265,1.47154939559,0.00704095952057,74.6823596112,0.00230114231943,5.29995970548 -0.09500000000000001,0.00186223763633,18.1140398957,-0.000412295854754,1.47154939559,-0.00366566346322,74.6823596112,-0.000993689694002,5.29995970548 -0.10000000000000002,0.00182002129162,18.1140398957,-0.000505986346365,1.47154939559,-0.00121399643134,74.6823596112,-0.000359947224045,5.29995970548 +0.09500000000000001,0.00186223763633,18.1140398957,-0.000412295854754,1.47154939559,0.00366566346322,74.6823596112,-0.000993689694002,5.29995970548 +0.10000000000000002,0.00182002129162,18.1140398957,-0.000505986346365,1.47154939559,0.00121399643134,74.6823596112,-0.000359947224045,5.29995970548 0.10500000000000002,0.0014019346304,18.1140398957,-0.000688568246118,1.47154939559,0.00476364579429,74.6823596112,-0.000200815453204,5.29995970548 -0.11000000000000003,0.00096518997665,18.1140398957,-0.00117897439105,1.47154939559,-0.0228786763106,74.6823596112,-0.000128704078952,5.29995970548 -0.11500000000000003,0.00106584058215,18.1140398957,-0.00622483162807,1.47154939559,-0.00202501780625,74.6823596112,-8.74296939224e-05,5.29995970548 -0.12000000000000004,0.00500065142453,18.1140398957,0.00163464307481,1.47154939559,-0.000644592110542,74.6823596112,-6.02566312226e-05,5.29995970548 -0.12500000000000003,0.0063405052665,18.1140398957,0.000680912709895,1.47154939559,-0.000263169163118,74.6823596112,-4.02890758731e-05,5.29995970548 -0.13000000000000003,0.00806093143485,18.1140398957,0.000415127950183,1.47154939559,-0.000106765119713,74.6823596112,-2.396500269e-05,5.29995970548 -0.13500000000000004,0.0100310279142,18.1140398957,0.000291255467184,1.47154939559,-2.87950161848e-05,74.6823596112,-8.98515368402e-06,5.29995970548 +0.11000000000000003,0.00096518997665,18.1140398957,-0.00117897439105,1.47154939559,0.0228786763106,74.6823596112,-0.000128704078952,5.29995970548 +0.11500000000000003,0.00106584058215,18.1140398957,-0.00622483162807,1.47154939559,0.00202501780625,74.6823596112,-8.74296939224e-05,5.29995970548 +0.12000000000000004,0.00500065142453,18.1140398957,0.00163464307481,1.47154939559,0.000644592110542,74.6823596112,-6.02566312226e-05,5.29995970548 +0.12500000000000003,0.0063405052665,18.1140398957,0.000680912709895,1.47154939559,0.000263169163118,74.6823596112,-4.02890758731e-05,5.29995970548 +0.13000000000000003,0.00806093143485,18.1140398957,0.000415127950183,1.47154939559,0.000106765119713,74.6823596112,-2.396500269e-05,5.29995970548 +0.13500000000000004,0.0100310279142,18.1140398957,0.000291255467184,1.47154939559,2.87950161848e-05,74.6823596112,-8.98515368402e-06,5.29995970548 0.14000000000000004,0.0122675900269,18.1140398957,0.000219812525857,1.47154939559,1.56198184827e-05,74.6823596112,6.58237083438e-06,5.29995970548 0.14500000000000005,0.0148351988889,18.1140398957,0.000173084366444,1.47154939559,4.45234611385e-05,74.6823596112,2.48908800733e-05,5.29995970548 0.15000000000000005,0.0178615263141,18.1140398957,0.000139569234505,1.47154939559,6.68822854882e-05,74.6823596112,4.89881660267e-05,5.29995970548 @@ -36,66 +36,66 @@ pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard 0.17000000000000007,0.0449012179012,18.1140398957,5.33783782595e-05,1.47154939559,0.000210665987604,74.6823596112,0.00045294177425,5.29995970548 0.17500000000000007,0.0680565351862,18.1140398957,3.42976465134e-05,1.47154939559,0.000358490123034,74.6823596112,0.00111006239632,5.29995970548 0.18000000000000008,0.14347327974,18.1140398957,1.40749791421e-05,1.47154939559,0.00653073824288,74.6823596112,0.038058520468,5.29995970548 -0.18500000000000008,0.642873311033,18.1140398957,-8.05134042323e-06,1.47154939559,-0.000256170021662,74.6823596112,-0.00179839086359,5.29995970548 -0.19000000000000009,0.0986041883731,18.1140398957,-3.28143617829e-05,1.47154939559,-0.000240592785336,74.6823596112,-0.00106067265365,5.29995970548 -0.1950000000000001,0.051011542904,18.1140398957,-6.0985853474e-05,1.47154939559,-0.000216016050804,74.6823596112,-0.000831601264163,5.29995970548 -0.2000000000000001,0.0333225034375,18.1140398957,-9.34532448432e-05,1.47154939559,-0.000191151865901,74.6823596112,-0.000722614866523,5.29995970548 -0.2050000000000001,0.0240484637801,18.1140398957,-0.000131322132975,1.47154939559,-0.00016024607495,74.6823596112,-0.000657479963995,5.29995970548 -0.2100000000000001,0.0183079092213,18.1140398957,-0.000176067344773,1.47154939559,-0.000114842225154,74.6823596112,-0.000610921725764,5.29995970548 -0.2150000000000001,0.0143799970622,18.1140398957,-0.000229771888481,1.47154939559,-3.36144447161e-05,74.6823596112,-0.000572595276345,5.29995970548 -0.2200000000000001,0.0115007697088,18.1140398957,-0.000295528865681,1.47154939559,-0.000130780845012,74.6823596112,-0.000538114649882,5.29995970548 -0.22500000000000012,0.00927720033342,18.1140398957,-0.000378162338974,1.47154939559,-0.000185729491917,74.6823596112,-0.00050587962063,5.29995970548 -0.23000000000000012,0.00748421033777,18.1140398957,-0.000485620133823,1.47154939559,-0.000230815208826,74.6823596112,-0.000475612078806,5.29995970548 -0.23500000000000013,0.00598071199326,18.1140398957,-0.00063192175664,1.47154939559,-0.000271715511068,74.6823596112,-0.000447578011658,5.29995970548 -0.24000000000000013,0.00466930951582,18.1140398957,-0.000844176709398,1.47154939559,-0.000311657029419,74.6823596112,-0.000422177565884,5.29995970548 -0.24500000000000013,0.00347258368613,18.1140398957,-0.00118222912831,1.47154939559,-0.000353511008207,74.6823596112,-0.000399759603836,5.29995970548 -0.2500000000000001,0.00231116647826,18.1140398957,-0.00180883982079,1.47154939559,-0.00040049856492,74.6823596112,-0.000380567721625,5.29995970548 -0.2550000000000001,0.00106113257287,18.1140398957,-0.00337604978141,1.47154939559,-0.000456791594434,74.6823596112,-0.000364753384301,5.29995970548 -0.2600000000000001,-0.000626915008875,18.1140398957,-0.0143987962729,1.47154939559,-0.000528433674054,74.6823596112,-0.000352416452598,5.29995970548 -0.2650000000000001,0.00352361459995,18.1140398957,0.00757913834939,1.47154939559,-0.000625088077664,74.6823596112,-0.000343652846878,5.29995970548 -0.27000000000000013,0.00309556340049,18.1140398957,0.00321464300573,1.47154939559,-0.000763704239633,74.6823596112,-0.000338602174571,5.29995970548 -0.27500000000000013,0.00296576411942,18.1140398957,0.00212745915534,1.47154939559,-0.000976585668869,74.6823596112,-0.000337496012601,5.29995970548 -0.28000000000000014,0.00271832351988,18.1140398957,0.0016388103959,1.47154939559,-0.00132420760588,74.6823596112,-0.000340712471422,5.29995970548 -0.28500000000000014,0.00220482673868,18.1140398957,0.00136542790093,1.47154939559,-0.00167795411627,74.6823596112,-0.000348847094657,5.29995970548 +0.18500000000000008,0.642873311033,18.1140398957,-8.05134042323e-06,1.47154939559,0.000256170021662,74.6823596112,-0.00179839086359,5.29995970548 +0.19000000000000009,0.0986041883731,18.1140398957,-3.28143617829e-05,1.47154939559,0.000240592785336,74.6823596112,-0.00106067265365,5.29995970548 +0.1950000000000001,0.051011542904,18.1140398957,-6.0985853474e-05,1.47154939559,0.000216016050804,74.6823596112,-0.000831601264163,5.29995970548 +0.2000000000000001,0.0333225034375,18.1140398957,-9.34532448432e-05,1.47154939559,0.000191151865901,74.6823596112,-0.000722614866523,5.29995970548 +0.2050000000000001,0.0240484637801,18.1140398957,-0.000131322132975,1.47154939559,0.00016024607495,74.6823596112,-0.000657479963995,5.29995970548 +0.2100000000000001,0.0183079092213,18.1140398957,-0.000176067344773,1.47154939559,0.000114842225154,74.6823596112,-0.000610921725764,5.29995970548 +0.2150000000000001,0.0143799970622,18.1140398957,-0.000229771888481,1.47154939559,3.36144447161e-05,74.6823596112,-0.000572595276345,5.29995970548 +0.2200000000000001,0.0115007697088,18.1140398957,-0.000295528865681,1.47154939559,0.000130780845012,74.6823596112,-0.000538114649882,5.29995970548 +0.22500000000000012,0.00927720033342,18.1140398957,-0.000378162338974,1.47154939559,0.000185729491917,74.6823596112,-0.00050587962063,5.29995970548 +0.23000000000000012,0.00748421033777,18.1140398957,-0.000485620133823,1.47154939559,0.000230815208826,74.6823596112,-0.000475612078806,5.29995970548 +0.23500000000000013,0.00598071199326,18.1140398957,-0.00063192175664,1.47154939559,0.000271715511068,74.6823596112,-0.000447578011658,5.29995970548 +0.24000000000000013,0.00466930951582,18.1140398957,-0.000844176709398,1.47154939559,0.000311657029419,74.6823596112,-0.000422177565884,5.29995970548 +0.24500000000000013,0.00347258368613,18.1140398957,-0.00118222912831,1.47154939559,0.000353511008207,74.6823596112,-0.000399759603836,5.29995970548 +0.2500000000000001,0.00231116647826,18.1140398957,-0.00180883982079,1.47154939559,0.00040049856492,74.6823596112,-0.000380567721625,5.29995970548 +0.2550000000000001,0.00106113257287,18.1140398957,-0.00337604978141,1.47154939559,0.000456791594434,74.6823596112,-0.000364753384301,5.29995970548 +0.2600000000000001,0.000626915008875,18.1140398957,-0.0143987962729,1.47154939559,0.000528433674054,74.6823596112,-0.000352416452598,5.29995970548 +0.2650000000000001,0.00352361459995,18.1140398957,0.00757913834939,1.47154939559,0.000625088077664,74.6823596112,-0.000343652846878,5.29995970548 +0.27000000000000013,0.00309556340049,18.1140398957,0.00321464300573,1.47154939559,0.000763704239633,74.6823596112,-0.000338602174571,5.29995970548 +0.27500000000000013,0.00296576411942,18.1140398957,0.00212745915534,1.47154939559,0.000976585668869,74.6823596112,-0.000337496012601,5.29995970548 +0.28000000000000014,0.00271832351988,18.1140398957,0.0016388103959,1.47154939559,0.00132420760588,74.6823596112,-0.000340712471422,5.29995970548 +0.28500000000000014,0.00220482673868,18.1140398957,0.00136542790093,1.47154939559,0.00167795411627,74.6823596112,-0.000348847094657,5.29995970548 0.29000000000000015,0.000871360386332,18.1140398957,0.0011946998525,1.47154939559,40.4603300911,74.6823596112,-0.000362816690054,5.29995970548 -0.29500000000000015,0.00236294814641,18.1140398957,0.00108177403476,1.47154939559,-0.00653690035317,74.6823596112,-0.000384025252781,5.29995970548 -0.30000000000000016,0.00390520655844,18.1140398957,0.00100543370658,1.47154939559,-0.00285090021722,74.6823596112,-0.000414647713232,5.29995970548 -0.30500000000000016,0.0054831420096,18.1140398957,0.00095453558562,1.47154939559,-0.00191302566301,74.6823596112,-0.000458147300458,5.29995970548 -0.31000000000000016,0.00729343961795,18.1140398957,0.000922890332543,1.47154939559,-0.00153014547193,74.6823596112,-0.000520289330519,5.29995970548 -0.31500000000000017,0.00950633036283,18.1140398957,0.00090705749695,1.47154939559,-0.00136287195377,74.6823596112,-0.000611313517831,5.29995970548 -0.3200000000000002,0.0123486734947,18.1140398957,0.000905323674353,1.47154939559,-0.0013232871194,74.6823596112,-0.000751171124778,5.29995970548 -0.3250000000000002,0.0161734056215,18.1140398957,0.000917236627499,1.47154939559,-0.00140401191084,74.6823596112,-0.000984417811098,5.29995970548 -0.3300000000000002,0.0215797950807,18.1140398957,0.000943453359385,1.47154939559,-0.00167886086455,74.6823596112,-0.00143473252914,5.29995970548 -0.3350000000000002,0.0296691372204,18.1140398957,0.000985824293181,1.47154939559,-0.00252780276001,74.6823596112,-0.00262004186973,5.29995970548 -0.3400000000000002,0.0426607577457,18.1140398957,0.00104773598243,1.47154939559,-0.0104506225076,74.6823596112,-0.0131753327462,5.29995970548 +0.29500000000000015,0.00236294814641,18.1140398957,0.00108177403476,1.47154939559,0.00653690035317,74.6823596112,-0.000384025252781,5.29995970548 +0.30000000000000016,0.00390520655844,18.1140398957,0.00100543370658,1.47154939559,0.00285090021722,74.6823596112,-0.000414647713232,5.29995970548 +0.30500000000000016,0.0054831420096,18.1140398957,0.00095453558562,1.47154939559,0.00191302566301,74.6823596112,-0.000458147300458,5.29995970548 +0.31000000000000016,0.00729343961795,18.1140398957,0.000922890332543,1.47154939559,0.00153014547193,74.6823596112,-0.000520289330519,5.29995970548 +0.31500000000000017,0.00950633036283,18.1140398957,0.00090705749695,1.47154939559,0.00136287195377,74.6823596112,-0.000611313517831,5.29995970548 +0.3200000000000002,0.0123486734947,18.1140398957,0.000905323674353,1.47154939559,0.0013232871194,74.6823596112,-0.000751171124778,5.29995970548 +0.3250000000000002,0.0161734056215,18.1140398957,0.000917236627499,1.47154939559,0.00140401191084,74.6823596112,-0.000984417811098,5.29995970548 +0.3300000000000002,0.0215797950807,18.1140398957,0.000943453359385,1.47154939559,0.00167886086455,74.6823596112,-0.00143473252914,5.29995970548 +0.3350000000000002,0.0296691372204,18.1140398957,0.000985824293181,1.47154939559,0.00252780276001,74.6823596112,-0.00262004186973,5.29995970548 +0.3400000000000002,0.0426607577457,18.1140398957,0.00104773598243,1.47154939559,0.0104506225076,74.6823596112,-0.0131753327462,5.29995970548 0.3450000000000002,0.0656011229113,18.1140398957,0.00113484559178,1.47154939559,0.00299110198804,74.6823596112,0.00464194250855,5.29995970548 0.3500000000000002,0.112117833795,18.1140398957,0.00125654405373,1.47154939559,0.00104430948028,74.6823596112,0.00204646967562,5.29995970548 0.3550000000000002,0.230474421669,18.1140398957,0.00142897051539,1.47154939559,0.000517723482752,74.6823596112,0.00134893540151,5.29995970548 0.3600000000000002,0.706445446354,18.1140398957,0.00168175948258,1.47154939559,0.000261937290255,74.6823596112,0.0010286524863,5.29995970548 0.3650000000000002,10.9285187228,18.1140398957,0.00207517469377,1.47154939559,6.46656203883e-05,74.6823596112,0.000846935177845,5.29995970548 -0.3700000000000002,-2.90821913048,18.1140398957,0.00275256289158,1.47154939559,0.000135760674843,74.6823596112,0.000731301536352,5.29995970548 -0.3750000000000002,-0.444734319339,18.1140398957,0.00415728879006,1.47154939559,0.000158603245476,74.6823596112,0.000652268359694,5.29995970548 -0.3800000000000002,-0.150439466856,18.1140398957,0.00867393718749,1.47154939559,0.000157680704577,74.6823596112,0.000595596424623,5.29995970548 -0.38500000000000023,-0.374245805346,18.1140398957,-0.0921291118819,1.47154939559,0.000144802639602,74.6823596112,0.00055357985653,5.29995970548 -0.39000000000000024,-0.0790816608773,18.1140398957,-0.00733293644918,1.47154939559,0.00012176574847,74.6823596112,0.000521699444625,5.29995970548 -0.39500000000000024,-0.049697750253,18.1140398957,-0.00384811342232,1.47154939559,8.31439619812e-05,74.6823596112,0.000497145339143,5.29995970548 -0.40000000000000024,-0.0349710574635,18.1140398957,-0.00263097491256,1.47154939559,5.24295176656e-05,74.6823596112,0.000478094984264,5.29995970548 -0.40500000000000025,-0.0260283557633,18.1140398957,-0.00201645120146,1.47154939559,0.000120071834581,74.6823596112,0.000463331601313,5.29995970548 -0.41000000000000025,-0.0200441892313,18.1140398957,-0.00164905252282,1.47154939559,0.000169100513913,74.6823596112,0.000452030023174,5.29995970548 -0.41500000000000026,-0.0157517428895,18.1140398957,-0.00140698939528,1.47154939559,0.000214616106269,74.6823596112,0.000443630799491,5.29995970548 -0.42000000000000026,-0.0124838481907,18.1140398957,-0.00123727535526,1.47154939559,0.000260689210315,74.6823596112,0.000437763852594,5.29995970548 -0.42500000000000027,-0.00984521402996,18.1140398957,-0.00111318804071,1.47154939559,0.000309798184377,74.6823596112,0.000434201691646,5.29995970548 -0.43000000000000027,-0.00756738407247,18.1140398957,-0.00101982281883,1.47154939559,0.000364155971745,74.6823596112,0.000432831513942,5.29995970548 -0.4350000000000003,-0.00541350777357,18.1140398957,-0.000948242326135,1.47154939559,0.000426185952896,74.6823596112,0.000433640513575,5.29995970548 -0.4400000000000003,-0.00297197068331,18.1140398957,-0.000892794715662,1.47154939559,0.000498784968073,74.6823596112,0.000436711667188,5.29995970548 -0.4450000000000003,-0.00255604145798,18.1140398957,-0.000849765967451,1.47154939559,0.000585366956605,74.6823596112,0.000442229317812,5.29995970548 -0.4500000000000003,-0.0042479287043,18.1140398957,-0.000816653454524,1.47154939559,0.000689051444459,74.6823596112,0.000450495719488,5.29995970548 -0.4550000000000003,-0.00511359110966,18.1140398957,-0.000791753123337,1.47154939559,0.000807776984968,74.6823596112,0.000461961924806,5.29995970548 -0.4600000000000003,-0.00552851171434,18.1140398957,-0.000773916252742,1.47154939559,0.000907015013557,74.6823596112,0.000477279765019,5.29995970548 -0.4650000000000003,-0.00549240849427,18.1140398957,-0.000762404050574,1.47154939559,0.000724299949098,74.6823596112,0.000497387555562,5.29995970548 -0.4700000000000003,-0.00475812245034,18.1140398957,-0.000756802905684,1.47154939559,-0.00302229050956,74.6823596112,0.000523653395103,5.29995970548 -0.4750000000000003,-0.00194599738688,18.1140398957,-0.000756981016245,1.47154939559,34.2332847565,74.6823596112,0.000558122975317,5.29995970548 -0.4800000000000003,-0.00581061912673,18.1140398957,-0.000763077453325,1.47154939559,0.0161704917093,74.6823596112,0.000603969664163,5.29995970548 -0.4850000000000003,-0.0101475500837,18.1140398957,-0.000775521894063,1.47154939559,0.00622528972353,74.6823596112,0.000666366575614,5.29995970548 -0.4900000000000003,-0.0129292295142,18.1140398957,-0.000795089926836,1.47154939559,0.00345570459676,74.6823596112,0.00075432447069,5.29995970548 -0.49500000000000033,-0.0134904377078,18.1140398957,-0.000817999706173,1.47154939559,0.00245463036373,74.6823596112,0.000817555209473,5.29995970548 +0.3700000000000002,2.90821913048,18.1140398957,0.00275256289158,1.47154939559,0.000135760674843,74.6823596112,0.000731301536352,5.29995970548 +0.3750000000000002,0.444734319339,18.1140398957,0.00415728879006,1.47154939559,0.000158603245476,74.6823596112,0.000652268359694,5.29995970548 +0.3800000000000002,0.150439466856,18.1140398957,0.00867393718749,1.47154939559,0.000157680704577,74.6823596112,0.000595596424623,5.29995970548 +0.38500000000000023,0.374245805346,18.1140398957,-0.0921291118819,1.47154939559,0.000144802639602,74.6823596112,0.00055357985653,5.29995970548 +0.39000000000000024,0.0790816608773,18.1140398957,-0.00733293644918,1.47154939559,0.00012176574847,74.6823596112,0.000521699444625,5.29995970548 +0.39500000000000024,0.049697750253,18.1140398957,-0.00384811342232,1.47154939559,8.31439619812e-05,74.6823596112,0.000497145339143,5.29995970548 +0.40000000000000024,0.0349710574635,18.1140398957,-0.00263097491256,1.47154939559,5.24295176656e-05,74.6823596112,0.000478094984264,5.29995970548 +0.40500000000000025,0.0260283557633,18.1140398957,-0.00201645120146,1.47154939559,0.000120071834581,74.6823596112,0.000463331601313,5.29995970548 +0.41000000000000025,0.0200441892313,18.1140398957,-0.00164905252282,1.47154939559,0.000169100513913,74.6823596112,0.000452030023174,5.29995970548 +0.41500000000000026,0.0157517428895,18.1140398957,-0.00140698939528,1.47154939559,0.000214616106269,74.6823596112,0.000443630799491,5.29995970548 +0.42000000000000026,0.0124838481907,18.1140398957,-0.00123727535526,1.47154939559,0.000260689210315,74.6823596112,0.000437763852594,5.29995970548 +0.42500000000000027,0.00984521402996,18.1140398957,-0.00111318804071,1.47154939559,0.000309798184377,74.6823596112,0.000434201691646,5.29995970548 +0.43000000000000027,0.00756738407247,18.1140398957,-0.00101982281883,1.47154939559,0.000364155971745,74.6823596112,0.000432831513942,5.29995970548 +0.4350000000000003,0.00541350777357,18.1140398957,-0.000948242326135,1.47154939559,0.000426185952896,74.6823596112,0.000433640513575,5.29995970548 +0.4400000000000003,0.00297197068331,18.1140398957,-0.000892794715662,1.47154939559,0.000498784968073,74.6823596112,0.000436711667188,5.29995970548 +0.4450000000000003,0.00255604145798,18.1140398957,-0.000849765967451,1.47154939559,0.000585366956605,74.6823596112,0.000442229317812,5.29995970548 +0.4500000000000003,0.0042479287043,18.1140398957,-0.000816653454524,1.47154939559,0.000689051444459,74.6823596112,0.000450495719488,5.29995970548 +0.4550000000000003,0.00511359110966,18.1140398957,-0.000791753123337,1.47154939559,0.000807776984968,74.6823596112,0.000461961924806,5.29995970548 +0.4600000000000003,0.00552851171434,18.1140398957,-0.000773916252742,1.47154939559,0.000907015013557,74.6823596112,0.000477279765019,5.29995970548 +0.4650000000000003,0.00549240849427,18.1140398957,-0.000762404050574,1.47154939559,0.000724299949098,74.6823596112,0.000497387555562,5.29995970548 +0.4700000000000003,0.00475812245034,18.1140398957,-0.000756802905684,1.47154939559,0.00302229050956,74.6823596112,0.000523653395103,5.29995970548 +0.4750000000000003,0.00194599738688,18.1140398957,-0.000756981016245,1.47154939559,34.2332847565,74.6823596112,0.000558122975317,5.29995970548 +0.4800000000000003,0.00581061912673,18.1140398957,-0.000763077453325,1.47154939559,0.0161704917093,74.6823596112,0.000603969664163,5.29995970548 +0.4850000000000003,0.0101475500837,18.1140398957,-0.000775521894063,1.47154939559,0.00622528972353,74.6823596112,0.000666366575614,5.29995970548 +0.4900000000000003,0.0129292295142,18.1140398957,-0.000795089926836,1.47154939559,0.00345570459676,74.6823596112,0.00075432447069,5.29995970548 +0.49500000000000033,0.0134904377078,18.1140398957,-0.000817999706173,1.47154939559,0.00245463036373,74.6823596112,0.000817555209473,5.29995970548 From 5bc793dfd5a363e836148eb1735289a636a0a1fa Mon Sep 17 00:00:00 2001 From: "Wang, Congjian" Date: Mon, 18 Oct 2021 10:18:51 -0600 Subject: [PATCH 16/77] remove unneeded files --- ...ntzAttractor_timeScale_I.cpython-37.opt-1.pyc | Bin 1155 -> 0 bytes ...tzAttractor_timeScale_II.cpython-37.opt-1.pyc | Bin 1156 -> 0 bytes 2 files changed, 0 insertions(+), 0 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/DSS/__pycache__/lorentzAttractor_timeScale_I.cpython-37.opt-1.pyc delete mode 100644 tests/framework/PostProcessors/Validation/DSS/__pycache__/lorentzAttractor_timeScale_II.cpython-37.opt-1.pyc diff --git a/tests/framework/PostProcessors/Validation/DSS/__pycache__/lorentzAttractor_timeScale_I.cpython-37.opt-1.pyc b/tests/framework/PostProcessors/Validation/DSS/__pycache__/lorentzAttractor_timeScale_I.cpython-37.opt-1.pyc deleted file mode 100644 index cdc9d9070d12153b9cde9b3874476966ab307369..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1155 zcmaJ=&2AGh5VpPE&E}8ah_-?wmt4B-g;PZXRG?m}N}(V{LeX~Zrn_u*gY7^QHYa!i zBpv{cT)1)JF*xptpHnY904HXgqzV^odHl_Iz8UZA_<&V7)UA{kW3KZ z@q+;z!noa8fSu0Z$PTyDc1l;rgJD=Y>NGF;u{0srxR&WjSy$t1KRe0y;>eV>I2(=4 z!#I`t6Hz|I`;!DmS}Gk(a($|v2P2gyGBP?);Y*nXMryz(DjdpJIUFD6+8nApl3M3L zdJ?9w2u+-4!Cto;q`8urncg!-g^|fs-^4@Njlxv+_cuoqOdp#VI8%8Ya%;Q*p`M)z z%Nt=Wa8wq{*5y6Ly3CkhGe zEaLpb2hIiGdKRmE8`0hXt@gY%kG0GXwmJXB*Qe0s(3Q<)SCVB{e%~FuZhe0AV`_H) z)37Bw+bY=v)^tn3&m{|ALe5cZUsBiy3Ll5!AWA3BOv$oQ=}x7}HSo8A4{N&JbFs;` zRUMrhD4NJ{RhSKAyP{mH?PK4UT*Nx+`NQzcc4p5reQo5ZcR3pmkEMEy-3q!csj-h^ zE~*&8foHS}+R17ZCc8v&*4Q<=PVdkTRmf}e(uFLeiMj%sZFXy4 a$%C&!*<}9CFc;%g-n|MYjTP{j@BIZc5&9Sa diff --git a/tests/framework/PostProcessors/Validation/DSS/__pycache__/lorentzAttractor_timeScale_II.cpython-37.opt-1.pyc b/tests/framework/PostProcessors/Validation/DSS/__pycache__/lorentzAttractor_timeScale_II.cpython-37.opt-1.pyc deleted file mode 100644 index e4ee03d1da8cdab50e976cd8db316b4c852dc581..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 1156 zcmY*ZJ8u&~5Z>K;`1}elizI@Q#!Vc#po)lr2;?S;WCBtoWL<98&Ry&~v%7}aoGbVR zh#vqY4IK>?zkzZ)Ktf7`sHvD)+ri9g=f0VnZ)R^i>wDE|iGck2#KSi}AwSSq3IouB zt!{$igwp{zqMUK(H92D3h;F;RHJV`kSjRw`ifd3@;Ry)! z?ULBv2%CXYSZv#vw-g&QW1P(#?#x{7+9r9nNj^47J2}gp8{`$8dD?yF<=%U2q`!g- zD>zue#hmiOCV}V@punOsprS>U<=e#Pr5&=2ND2$fMkN7SyquGyi0JIQuI3)EY`}T; z$kVSgIAc=GeaPsnLnXw#vQ8i$Nqp;vFG@%a?Si!z{tfgwHDXy1dBK`TA#2Vj34Cu7 zAlGshdH&-A=Ynq|^HsjhXioscH_ud?=UUbW&Yb`3^Ai|z7|ZH@zh~v=ZvSQN zgyRZcWvI5dW3Gyr!GU|U2|#UuBGk3ZPA;pk3bl)sC@i){ah2FrxO*1u8*Z-cbOf}LT;#{+Ta3b+(@AYg(27xUZy#sB~S From 00b2a50679c9a506c7fd7727d24909398d103c28 Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Fri, 29 Oct 2021 12:41:33 -0600 Subject: [PATCH 17/77] Update test_validation_dss.xml Readjusted the postprocessed data output name. --- .../PostProcessors/Validation/test_validation_dss.xml | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/tests/framework/PostProcessors/Validation/test_validation_dss.xml b/tests/framework/PostProcessors/Validation/test_validation_dss.xml index af48d7aeb3..9df2bd49ea 100644 --- a/tests/framework/PostProcessors/Validation/test_validation_dss.xml +++ b/tests/framework/PostProcessors/Validation/test_validation_dss.xml @@ -52,8 +52,8 @@ - x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation, - y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation + x2_x1_dss,x2_x1_total_distance,x2_x1_process_time,x2_x1_standard_deviation, + y2_y1_dss,y2_y1_total_distance,y2_y1_process_time,y2_y1_standard_deviation pivot_parameter From c364967f6037068df73799d59d441eb2b5547f55 Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Fri, 29 Oct 2021 12:46:30 -0600 Subject: [PATCH 18/77] Update PPDSS.py The output name is changed according to the Probabilistic model in the user manual. --- .../Models/PostProcessors/Validations/PPDSS.py | 18 +++++++++--------- 1 file changed, 9 insertions(+), 9 deletions(-) diff --git a/framework/Models/PostProcessors/Validations/PPDSS.py b/framework/Models/PostProcessors/Validations/PPDSS.py index ad62864bec..47f2002aee 100644 --- a/framework/Models/PostProcessors/Validations/PPDSS.py +++ b/framework/Models/PostProcessors/Validations/PPDSS.py @@ -387,15 +387,15 @@ def _evaluate(self, datasets, **kwargs): outputDict = {} outputDict[name] = abs(np.atleast_1d(output[cnt])) outputDict['pivot_parameter'] = timeParameter - outputDict[nameFeat[1]+'_'+nameTarg[1]+'_total_distance'] = distanceTotal[cnt] - outputDict[nameFeat[1]+'_'+nameTarg[1]+'_feature_beta'] = featureBeta[cnt] - outputDict[nameFeat[1]+'_'+nameTarg[1]+'_target_beta'] = targetBeta[cnt] - outputDict[nameFeat[1]+'_'+nameTarg[1]+'_feature_omega'] = featureOmegaNormScaled[cnt] - outputDict[nameFeat[1]+'_'+nameTarg[1]+'_target_omega'] = targetOmegaNorm[cnt] - outputDict[nameFeat[1]+'_'+nameTarg[1]+'_feature_D'] = featureD[cnt] - outputDict[nameFeat[1]+'_'+nameTarg[1]+'_target_D'] = targetD[cnt] - outputDict[nameFeat[1]+'_'+nameTarg[1]+'_process_time'] = newfeatureData[1][cnt] - outputDict[nameFeat[1]+'_'+nameTarg[1]+'_standard_deviation'] = sigma[cnt] + outputDict[nameTarg[1]+'_'+nameFeat[1]+'_total_distance'] = distanceTotal[cnt] + outputDict[nameTarg[1]+'_'+nameFeat[1]+'_feature_beta'] = featureBeta[cnt] + outputDict[nameTarg[1]+'_'+nameFeat[1]+'_target_beta'] = targetBeta[cnt] + outputDict[nameTarg[1]+'_'+nameFeat[1]+'_feature_omega'] = featureOmegaNormScaled[cnt] + outputDict[nameTarg[1]+'_'+nameFeat[1]+'_target_omega'] = targetOmegaNorm[cnt] + outputDict[nameTarg[1]+'_'+nameFeat[1]+'_feature_D'] = featureD[cnt] + outputDict[nameTarg[1]+'_'+nameFeat[1]+'_target_D'] = targetD[cnt] + outputDict[nameTarg[1]+'_'+nameFeat[1]+'_process_time'] = newfeatureData[1][cnt] + outputDict[nameTarg[1]+'_'+nameFeat[1]+'_standard_deviation'] = sigma[cnt] #print(newfeatureData[1][cnt]) rlz.append(outputDict) realization_array.append(rlz) From be80767c13ecdaa2cfee88a90d234486c987c337 Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Fri, 29 Oct 2021 12:58:32 -0600 Subject: [PATCH 19/77] Update PPDSS.py Adjusted the output name again. --- .../PostProcessors/Validations/PPDSS.py | 20 +++++++++---------- 1 file changed, 10 insertions(+), 10 deletions(-) diff --git a/framework/Models/PostProcessors/Validations/PPDSS.py b/framework/Models/PostProcessors/Validations/PPDSS.py index 47f2002aee..82a4dec24d 100644 --- a/framework/Models/PostProcessors/Validations/PPDSS.py +++ b/framework/Models/PostProcessors/Validations/PPDSS.py @@ -371,7 +371,7 @@ def _evaluate(self, datasets, **kwargs): distanceTotal = np.zeros((y_count,z_count)) sigma = np.zeros((y_count,z_count)) for metric in self.metrics: - name = "{}_{}_{}".format(feat.split("|")[-1], targ.split("|")[-1], metric.estimator.name) + name = "{}_{}_{}".format(metric.estimator.name, targ.split("|")[-1], feat.split("|")[-1]) output = metric.evaluate((newfeatureData,newtargetData), multiOutput='raw_values') #print(output) for cnt2 in range(y_count): @@ -387,15 +387,15 @@ def _evaluate(self, datasets, **kwargs): outputDict = {} outputDict[name] = abs(np.atleast_1d(output[cnt])) outputDict['pivot_parameter'] = timeParameter - outputDict[nameTarg[1]+'_'+nameFeat[1]+'_total_distance'] = distanceTotal[cnt] - outputDict[nameTarg[1]+'_'+nameFeat[1]+'_feature_beta'] = featureBeta[cnt] - outputDict[nameTarg[1]+'_'+nameFeat[1]+'_target_beta'] = targetBeta[cnt] - outputDict[nameTarg[1]+'_'+nameFeat[1]+'_feature_omega'] = featureOmegaNormScaled[cnt] - outputDict[nameTarg[1]+'_'+nameFeat[1]+'_target_omega'] = targetOmegaNorm[cnt] - outputDict[nameTarg[1]+'_'+nameFeat[1]+'_feature_D'] = featureD[cnt] - outputDict[nameTarg[1]+'_'+nameFeat[1]+'_target_D'] = targetD[cnt] - outputDict[nameTarg[1]+'_'+nameFeat[1]+'_process_time'] = newfeatureData[1][cnt] - outputDict[nameTarg[1]+'_'+nameFeat[1]+'_standard_deviation'] = sigma[cnt] + outputDict['total_distance_'+nameTarg[1]+'_'+nameFeat[1]] = distanceTotal[cnt] + outputDict['feature_beta_'+nameTarg[1]+'_'+nameFeat[1]] = featureBeta[cnt] + outputDict['target_beta_'+nameTarg[1]+'_'+nameFeat[1]] = targetBeta[cnt] + outputDict['feature_omega_'+nameTarg[1]+'_'+nameFeat[1]] = featureOmegaNormScaled[cnt] + outputDict['target_omega_'+nameTarg[1]+'_'+nameFeat[1]] = targetOmegaNorm[cnt] + outputDict['feature_D_'+nameTarg[1]+'_'+nameFeat[1]] = featureD[cnt] + outputDict['target_D_'+nameTarg[1]+'_'+nameFeat[1]] = targetD[cnt] + outputDict['process_time_'+nameTarg[1]+'_'+nameFeat[1]] = newfeatureData[1][cnt] + outputDict['standard_deviation_'+nameTarg[1]+'_'+nameFeat[1]] = sigma[cnt] #print(newfeatureData[1][cnt]) rlz.append(outputDict) realization_array.append(rlz) From 325e90992a4c51593e968362965516d61b96488d Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Fri, 29 Oct 2021 13:00:53 -0600 Subject: [PATCH 20/77] Update test_validation_dss.xml Adjusted again. --- .../PostProcessors/Validation/test_validation_dss.xml | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/tests/framework/PostProcessors/Validation/test_validation_dss.xml b/tests/framework/PostProcessors/Validation/test_validation_dss.xml index 9df2bd49ea..68a3ee3653 100644 --- a/tests/framework/PostProcessors/Validation/test_validation_dss.xml +++ b/tests/framework/PostProcessors/Validation/test_validation_dss.xml @@ -52,8 +52,8 @@ - x2_x1_dss,x2_x1_total_distance,x2_x1_process_time,x2_x1_standard_deviation, - y2_y1_dss,y2_y1_total_distance,y2_y1_process_time,y2_y1_standard_deviation + dss_x2_x1,total_distance_x2_x1,process_time_x2_x1,standard_deviation_x2_x1, + dss_y2_y1,total_distance_y2_y1,process_time_y2_y1,standard_deviation_y2_y1 pivot_parameter From dc169eb20a7e4c4d54507e3292d6a63c322cf459 Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 1 Nov 2021 17:08:53 -0600 Subject: [PATCH 21/77] Update postprocessor.tex Edited and added PPDSS documentation. --- doc/user_manual/postprocessor.tex | 39 ++++++++++++++++++++++++------- 1 file changed, 31 insertions(+), 8 deletions(-) diff --git a/doc/user_manual/postprocessor.tex b/doc/user_manual/postprocessor.tex index dce4eb502d..4719895031 100644 --- a/doc/user_manual/postprocessor.tex +++ b/doc/user_manual/postprocessor.tex @@ -1617,16 +1617,16 @@ \subsubsection{Validation} dataset and/or models (e.g. Distributions). The post-processor is in charge of deploying a common infrastructure for the user of \textbf{Validation} problems. -Several algorithms are avaialable within this post-processor: +Several algorithms are available within this post-processor: \begin{itemize} \item \textbf{Probabilistic}, for Static and Time-dependent data - % \item \textbf{DSS} + \item \textbf{PPDSS}, for Time-dependent data % \item \textbf{Representativity} % \item \textbf{PCM} \end{itemize} % -The \textbf{Validation} post-processor makes use of the \textbf{Metric} system (See Chapter \ref{sec:Metrics}) to, in conjucntion with the specific algorithm chosen from the list above, +The \textbf{Validation} post-processor makes use of the \textbf{Metric} system (See Chapter \ref{sec:Metrics}) to, in conjunction with the specific algorithm chosen from the list above, to report validation scores for both static and time-dependent data. Indeed, Both \textbf{PointSet} and \textbf{HistorySet} can be accepted by this post-processor (depending on which algorithm is chosen). If the name of given variable to be compared is unique, it can be used directly, otherwise the variable can be specified @@ -1649,13 +1649,36 @@ \subsubsection{Validation} The choice of the available metrics depends on the specific validation algorithm that is chosen (see table \ref{tab:ValidationAlgorithms}) \end{itemize} -In addition to the nodes above, the user must choose a validation algorithm: +In addition to the nodes above, the user must use the sub-nodes specific to the chosen validation algorithm: \begin{itemize} - \item \xmlNode{Probabilistic}, \xmlDesc{XML node, optional field}, specify that the validation needs to be performed + \item Probabilistic: specify that the validation needs to be performed using the Probabilistic metrics: \textbf{CDFAreaDifference} (see \ref{subsubsec:metric_CDFAreaDifference}) or \textbf{PDFCommonArea} (see \ref{subsubsec:metric_PDFCommonArea}) - This xml-node accepts the following attribute: + This validation algorithm must have the following sub-nodes for HistorySet: \begin{itemize} - \item \xmlAttr{ name}, \xmlDesc{required string attribute}, the user defined name of the validation algorithm used as prefix for the output results. + \item \xmlNode{pivotParameter}, \xmlDesc{string, required field}, specifies the pivotParameter for a . The pivot parameter is the shared index of the output variables in the data object. + \end{itemize} + \item PPDSS: specify that the validation needs to be performed + using the PPDSS metrics: \textbf{DSS} (\ref{subsection:DSS}) + This validation algorithm must have the following sub-nodes: + \begin{itemize} + \item \xmlNode{pivotParameterFeature}, \xmlDesc{string, required field}, specifies the pivotParameter for a feature . The feature pivot parameter is the shared index of the output variables in the data object. + \item \xmlNode{pivotParameterTarget}, \xmlDesc{string, required field}, specifies the pivotParameter for a target . The target pivot parameter is the shared index of the output variables in the data object. + \item \xmlNode{multiOutput}, \xmlDesc{string, required field}, to extract raw values for the HistorySet. The user must use ‘raw values’ for the full set of metrics’ calculations to be dumped. + \item \xmlNode{scale}, \xmlDesc{string, required field}, specifies the type of time scaling. The following are the options for scaling: + \begin{itemize} + \item $DataSynthesis$, calculating the distortion for two data sets without applying other scaling ratios. + \item $2_2_affine$, calculating the distortion for two data sets with scaling ratios for parameter of interest and agent of changes. + \item $dilation$, calculating the distortion for two data sets with scaling ratios for parameter of interest and agent of changes. + \item $beta_strain$, calculating the distortion for two data sets with scaling ratio for parameter of interest. + \item $omega_strain$, calculating the distortion for two data sets with scaling ratios for agent of changes. + \item $identity$, calculating the distortion for two data sets with scaling ratios of 1. + \end{itemize} + \item \xmlNode{scaleBeta}, \xmlDesc{float, required field}, specifies the parameter of interest scaling ratio between the feature and target. + To provide more than one scaling factor, separate by adding a comma in between each number. Providing more than one scaling factor presumes there are more than one parameter to be post-processed. + If so, \xmlNode{Features}, \xmlNode{Targets}, and \xmlNode{scaleOmega} must have the same number scaling factors. + \item \xmlNode{scaleOmega}, \xmlDesc{float, required field}, specifies the agents of change scaling ratio between the feature and target. + To provide more than one scaling factor, separate by adding a comma in between each number. Providing more than one scaling factor presumes there are more than one parameter to be post-processed. + If so, \xmlNode{Features}, \xmlNode{Targets}, and \xmlNode{scaleBeta} must have the same number scaling factors. \end{itemize} %\item \xmlNode{DSS}, \xmlDesc{XML node, optional field}, specify that the validation needs to be performed via DSS. %This xml-node accepts the following attribute: @@ -1675,7 +1698,7 @@ \subsubsection{Validation} \hline \textbf{Validation Algorithm} & \textbf{DataObject} & \textbf{Available Metrics} \\ \hline Probabilistic & \begin{tabular}[c]{@{}c@{}}PointSet \\ HistorySet\end{tabular} & \begin{tabular}[c]{@{}c@{}}CDFAreaDifference\\ \\ PDFCommonArea\end{tabular} \\ \hline -DSS & HistorySet & Not Available Yet \\ \hline +PPDSS & HistorySet & DSS \\ \hline \end{tabular} \end{table} From 7ed62d1b7d252a1c7d64b006e9221d7d943aaa01 Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 1 Nov 2021 17:09:51 -0600 Subject: [PATCH 22/77] Update metrics.tex Added DSS metric documentation. --- doc/user_manual/metrics.tex | 33 +++++++++++++++++++++++++++++++-- 1 file changed, 31 insertions(+), 2 deletions(-) diff --git a/doc/user_manual/metrics.tex b/doc/user_manual/metrics.tex index edf3c4082b..046760513f 100644 --- a/doc/user_manual/metrics.tex +++ b/doc/user_manual/metrics.tex @@ -70,8 +70,7 @@ \section{Metrics} \item \textbf{Other metric}, such as \xmlString{DTW}. \end{itemize} -The valid \textbf{MetricID}s are: \xmlAttr{SKL}, \xmlAttr{ScipyMetric}, \xmlAttr{DTW}, \xmlAttr{CDFAreaDifference}, -and \xmlAttr{PDFCommonArea}. This XML node requires the following attributes: +The valid \textbf{MetricID}s are: \xmlAttr{SKL}, \xmlAttr{ScipyMetric}, \xmlAttr{DTW}, \xmlAttr{CDFAreaDifference}, \xmlAttr{PDFCommonArea}, and \xmlAttr{DSS}. This XML node requires the following attributes: \begin{itemize} \item \xmlAttr{name}, \xmlDesc{required string attribute}, user-defined name of this metric. \nb As with other objects, this name can be used to refer to this specific entity from other input blocks in the XML. @@ -599,3 +598,33 @@ \subsubsection{Distance Based Metric} In addition to this XML subnode, the users can also specify the corresponding parameters for each `metric' according to previous sections. + +%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%% +\subsection{Dynamical System Scaling} +\label{subsection:DSS} +The Dynamical System Scaling (DSS) is a distance metrics that is used to measure the separation +between two time-dependent data sets. + +The specifications of a DSS metric is defined within the \xmlNode{Metric} XML block. The attribute \xmlAttr{subType} must be \textbf{PPDSS} (see \ref{subsubsec:Validation}) in the \xmlNode{PostProcessor} for the outputs of the post-processor to be in the right format for DSS metric inputs. + +This XML node needs to contain the attributes: + +\begin{itemize} + \item \xmlNode{actionType}, \xmlDesc{string, required field}, the type time scaling selected for post-processor PPDSS (see \ref{subsubsec:Validation}). + The options are: `DataSynthesis', `2_2_affine', `dilation', `beta_strain', `omega_strain', and `identity'. +\end{itemize} + +An example of DSS defined in RAVEN is provided below: +\begin{lstlisting}[style=XML] + + ... + + ... + + DataSynthetic + + ... + + ... + +\end{lstlisting} From 9d363a61f929799f029c2a257c63cb3070bbf6cf Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Tue, 2 Nov 2021 09:12:06 -0600 Subject: [PATCH 23/77] Update metrics.tex Fixed the syntax issue. --- doc/user_manual/metrics.tex | 3 +-- 1 file changed, 1 insertion(+), 2 deletions(-) diff --git a/doc/user_manual/metrics.tex b/doc/user_manual/metrics.tex index 046760513f..647d725765 100644 --- a/doc/user_manual/metrics.tex +++ b/doc/user_manual/metrics.tex @@ -610,8 +610,7 @@ \subsection{Dynamical System Scaling} This XML node needs to contain the attributes: \begin{itemize} - \item \xmlNode{actionType}, \xmlDesc{string, required field}, the type time scaling selected for post-processor PPDSS (see \ref{subsubsec:Validation}). - The options are: `DataSynthesis', `2_2_affine', `dilation', `beta_strain', `omega_strain', and `identity'. + \item \xmlNode{actionType}, \xmlDesc{string, required field}, the type time scaling selected for post-processor PPDSS (see \ref{subsubsec:Validation}). The options are: `DataSynthesis', `2\_2\_affine', `dilation', `beta\_strain', `omega\_strain', and `identity'. \end{itemize} An example of DSS defined in RAVEN is provided below: From 2c74a6cc4c271dcc9b55c0f8278ad0efa7fde4cd Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Tue, 2 Nov 2021 09:14:52 -0600 Subject: [PATCH 24/77] Update postprocessor.tex Fixed syntax error. --- doc/user_manual/postprocessor.tex | 12 ++++++------ 1 file changed, 6 insertions(+), 6 deletions(-) diff --git a/doc/user_manual/postprocessor.tex b/doc/user_manual/postprocessor.tex index 4719895031..a3479ab68a 100644 --- a/doc/user_manual/postprocessor.tex +++ b/doc/user_manual/postprocessor.tex @@ -1666,12 +1666,12 @@ \subsubsection{Validation} \item \xmlNode{multiOutput}, \xmlDesc{string, required field}, to extract raw values for the HistorySet. The user must use ‘raw values’ for the full set of metrics’ calculations to be dumped. \item \xmlNode{scale}, \xmlDesc{string, required field}, specifies the type of time scaling. The following are the options for scaling: \begin{itemize} - \item $DataSynthesis$, calculating the distortion for two data sets without applying other scaling ratios. - \item $2_2_affine$, calculating the distortion for two data sets with scaling ratios for parameter of interest and agent of changes. - \item $dilation$, calculating the distortion for two data sets with scaling ratios for parameter of interest and agent of changes. - \item $beta_strain$, calculating the distortion for two data sets with scaling ratio for parameter of interest. - \item $omega_strain$, calculating the distortion for two data sets with scaling ratios for agent of changes. - \item $identity$, calculating the distortion for two data sets with scaling ratios of 1. + \item \textbf{DataSynthesis}, calculating the distortion for two data sets without applying other scaling ratios. + \item \textbf{2\_2\_affine}, calculating the distortion for two data sets with scaling ratios for parameter of interest and agent of changes. + \item \textbf{dilation}, calculating the distortion for two data sets with scaling ratios for parameter of interest and agent of changes. + \item \textbf{beta\_strain}, calculating the distortion for two data sets with scaling ratio for parameter of interest. + \item \textbf{omega\_strain}, calculating the distortion for two data sets with scaling ratios for agent of changes. + \item \textbf{identity}, calculating the distortion for two data sets with scaling ratios of 1. \end{itemize} \item \xmlNode{scaleBeta}, \xmlDesc{float, required field}, specifies the parameter of interest scaling ratio between the feature and target. To provide more than one scaling factor, separate by adding a comma in between each number. Providing more than one scaling factor presumes there are more than one parameter to be post-processed. From ff9545dc9b1a96273b0f24a9088dde45697711ab Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 09:11:34 -0700 Subject: [PATCH 25/77] Delete pp2_print.csv Unwanted file as dictated by PR comments. --- .../PostProcessors/Validation/DSS/pp2_print.csv | 11 ----------- 1 file changed, 11 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/DSS/pp2_print.csv diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print.csv deleted file mode 100644 index 421a54c7ef..0000000000 --- a/tests/framework/PostProcessors/Validation/DSS/pp2_print.csv +++ /dev/null @@ -1,11 +0,0 @@ -filename -pp2_print_0.csv -pp2_print_1.csv -pp2_print_2.csv -pp2_print_3.csv -pp2_print_4.csv -pp2_print_5.csv -pp2_print_6.csv -pp2_print_7.csv -pp2_print_8.csv -pp2_print_9.csv From 7eabf5825b234d6b449d44a6c08ac13d61a0ccae Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 09:12:56 -0700 Subject: [PATCH 26/77] Delete pp2_print_0.csv Unwanted file as dictated by PR comments. --- .../Validation/DSS/pp2_print_0.csv | 101 ------------------ 1 file changed, 101 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/DSS/pp2_print_0.csv diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_0.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_0.csv deleted file mode 100644 index 72a82bbe51..0000000000 --- a/tests/framework/PostProcessors/Validation/DSS/pp2_print_0.csv +++ /dev/null @@ -1,101 +0,0 @@ -pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation -0.0,0.0756901816043,24.887493332,-0.000351283270388,2.59700011532,0.0356012101676,53.1999350236,0.206070488345,4.78635605162 -0.005,0.0510745233206,24.887493332,-0.000385934668242,2.59700011532,0.0448169166406,53.1999350236,0.210768607572,4.78635605162 -0.01,0.0256194405153,24.887493332,-0.000406159113474,2.59700011532,0.052224344465,53.1999350236,0.204272609211,4.78635605162 -0.015,0.0150024229693,24.887493332,-0.000421393172979,2.59700011532,0.0516883771607,53.1999350236,0.20010519813,4.78635605162 -0.02,0.010257283552,24.887493332,-0.000432783299084,2.59700011532,0.0451798791812,53.1999350236,0.197573824791,4.78635605162 -0.025,0.00769231680981,24.887493332,-0.000441348962559,2.59700011532,0.0284060742231,53.1999350236,0.196261897457,4.78635605162 -0.030000000000000002,0.00612549904352,24.887493332,-0.000447943830224,2.59700011532,0.0336672365961,53.1999350236,0.195926608029,4.78635605162 -0.035,0.00507743437159,24.887493332,-0.000453262151306,2.59700011532,0.0629855379733,53.1999350236,0.196444243236,4.78635605162 -0.04,0.00431968056602,24.887493332,-0.000457866493304,2.59700011532,0.0894619720643,53.1999350236,0.19778161272,4.78635605162 -0.045,0.00372831979973,24.887493332,-0.000462222758356,2.59700011532,0.1172518338,53.1999350236,0.199984022056,4.78635605162 -0.049999999999999996,0.00322683934388,24.887493332,-0.000466735814408,2.59700011532,0.148479034567,53.1999350236,0.203176148606,4.78635605162 -0.05499999999999999,0.00275944130293,24.887493332,-0.000471783762648,2.59700011532,0.185378812568,53.1999350236,0.207576121419,4.78635605162 -0.05999999999999999,0.00227360608449,24.887493332,-0.00047775165284,2.59700011532,0.231060029877,53.1999350236,0.213527199795,4.78635605162 -0.06499999999999999,0.00169433633486,24.887493332,-0.000485067311788,2.59700011532,0.290431280096,53.1999350236,0.221557909815,4.78635605162 -0.06999999999999999,0.000772991562933,24.887493332,-0.000494243726694,2.59700011532,0.371943441596,53.1999350236,0.232494548059,4.78635605162 -0.075,0.00130283362855,24.887493332,-0.000505935007915,2.59700011532,0.491460016819,53.1999350236,0.24768026844,4.78635605162 -0.08,0.00199187521109,24.887493332,-0.000521017617242,2.59700011532,0.682094146904,53.1999350236,0.269434057245,4.78635605162 -0.085,0.00245409022898,24.887493332,-0.000540717719677,2.59700011532,1.02380596657,53.1999350236,0.302118525415,4.78635605162 -0.09000000000000001,0.00272598009733,24.887493332,-0.000566824621632,2.59700011532,1.75751674307,53.1999350236,0.355020324828,4.78635605162 -0.09500000000000001,0.00271172120559,24.887493332,-0.000602072646113,2.59700011532,3.96065102521,53.1999350236,0.452043262233,4.78635605162 -0.10000000000000002,0.0020653563727,24.887493332,-0.000650875572106,2.59700011532,22.063705504,53.1999350236,0.679238712152,4.78635605162 -0.10500000000000002,0.00211813443079,24.887493332,-0.000720868007637,2.59700011532,32.5016834277,53.1999350236,1.76335102388,4.78635605162 -0.11000000000000003,0.00483476705374,24.887493332,-0.000826525967792,2.59700011532,13.8684083592,53.1999350236,-1.84767843252,4.78635605162 -0.11500000000000003,0.00772383018827,24.887493332,-0.000999095540335,2.59700011532,2.46453702091,53.1999350236,-0.525372763748,4.78635605162 -0.12000000000000004,0.0111468044228,24.887493332,-0.00132091190976,2.59700011532,0.944134639777,53.1999350236,-0.278401055973,4.78635605162 -0.12500000000000003,0.0151108859396,24.887493332,-0.00210251007708,2.59700011532,0.459372384566,53.1999350236,-0.174801950313,4.78635605162 -0.13000000000000003,0.0171343953503,24.887493332,-0.00646411039937,2.59700011532,0.248870152479,53.1999350236,-0.117764017075,4.78635605162 -0.13500000000000004,0.0350652053287,24.887493332,0.00483896441515,2.59700011532,0.140697849216,53.1999350236,-0.0811959709455,4.78635605162 -0.14000000000000004,0.0423716405627,24.887493332,0.00164348920338,2.59700011532,0.0787121176144,53.1999350236,-0.054939356815,4.78635605162 -0.14500000000000005,0.0556065274189,24.887493332,0.000952164683723,2.59700011532,0.0402717597698,53.1999350236,-0.0339839519099,4.78635605162 -0.15000000000000005,0.0750741244315,24.887493332,0.000652717338428,2.59700011532,0.0148647829393,53.1999350236,-0.0152581605846,4.78635605162 -0.15500000000000005,0.105121364985,24.887493332,0.000486276138869,2.59700011532,0.00289817867961,53.1999350236,0.00366434837427,4.78635605162 -0.16000000000000006,0.156661888365,24.887493332,0.000380003627249,2.59700011532,0.0159186133438,53.1999350236,0.0253281189163,4.78635605162 -0.16500000000000006,0.262367592272,24.887493332,0.00030521417449,2.59700011532,0.025571042223,53.1999350236,0.0531682521213,4.78635605162 -0.17000000000000007,0.564364908709,24.887493332,0.000248127467158,2.59700011532,0.0315872784201,53.1999350236,0.0927821259941,4.78635605162 -0.17500000000000007,2.5959579167,24.887493332,0.000201130085144,2.59700011532,0.0292029206784,53.1999350236,0.154754141223,4.78635605162 -0.18000000000000008,16.475446849,24.887493332,0.000159525889875,2.59700011532,0.0358911787049,53.1999350236,0.262490035739,4.78635605162 -0.18500000000000008,0.511783036992,24.887493332,0.000120133768726,2.59700011532,0.110684484186,53.1999350236,0.480628409477,4.78635605162 -0.19000000000000009,0.10082323864,24.887493332,8.06091792099e-05,2.59700011532,0.287502181726,53.1999350236,1.07825811416,4.78635605162 -0.1950000000000001,0.0217616071722,24.887493332,3.90793631522e-05,2.59700011532,1.76278846025,53.1999350236,6.44341026385,4.78635605162 -0.2000000000000001,0.0018057589186,24.887493332,-6.0783411812e-06,2.59700011532,0.708546763109,53.1999350236,-2.77999234179,4.78635605162 -0.2050000000000001,0.00986119174713,24.887493332,-5.6395309412e-05,2.59700011532,0.288768517405,53.1999350236,-1.4250988599,4.78635605162 -0.2100000000000001,0.0123886048682,24.887493332,-0.000113451921497,2.59700011532,0.0453883904931,53.1999350236,-1.07480405018,4.78635605162 -0.2150000000000001,0.0126672479613,24.887493332,-0.000179031059276,2.59700011532,0.216098228243,53.1999350236,-0.918928673398,4.78635605162 -0.2200000000000001,0.0119639992296,24.887493332,-0.000255316700686,2.59700011532,0.303782296424,53.1999350236,-0.829882029715,4.78635605162 -0.22500000000000012,0.0108188848603,24.887493332,-0.000345181037066,2.59700011532,0.376540448411,53.1999350236,-0.768590246102,4.78635605162 -0.23000000000000012,0.00947298486221,24.887493332,-0.000452632098144,2.59700011532,0.444674685389,53.1999350236,-0.719533354007,4.78635605162 -0.23500000000000013,0.0080303460657,24.887493332,-0.000583556378394,2.59700011532,0.511709354218,53.1999350236,-0.676086138182,4.78635605162 -0.24000000000000013,0.00652220624591,24.887493332,-0.00074703080616,2.59700011532,0.580320553624,53.1999350236,-0.635687041334,4.78635605162 -0.24500000000000013,0.00492318860659,24.887493332,-0.000957812458771,2.59700011532,0.65402690633,53.1999350236,-0.597721930261,4.78635605162 -0.2500000000000001,0.00309611593474,24.887493332,-0.00124149111194,2.59700011532,0.738159324039,53.1999350236,-0.562420286285,4.78635605162 -0.2550000000000001,0.00120852123153,24.887493332,-0.00164639842495,2.59700011532,0.841123459156,53.1999350236,-0.530264983882,4.78635605162 -0.2600000000000001,0.00296770830518,24.887493332,-0.00227557552413,2.59700011532,0.976992971635,53.1999350236,-0.501711546802,4.78635605162 -0.2650000000000001,0.00346446876209,24.887493332,-0.00339370868859,2.59700011532,1.17176767092,53.1999350236,-0.477092298472,4.78635605162 -0.27000000000000013,0.00311165177851,24.887493332,-0.0059459529095,2.59700011532,1.48075094168,53.1999350236,-0.456618664681,4.78635605162 -0.27500000000000013,5.81181297004e-05,24.887493332,-0.017658799066,2.59700011532,2.04846257485,53.1999350236,-0.440426219434,4.78635605162 -0.28000000000000014,0.00944333510943,24.887493332,0.023614750085,2.59700011532,3.40557789309,53.1999350236,-0.428632720771,4.78635605162 -0.28500000000000014,0.00340829970713,24.887493332,0.00767066056605,2.59700011532,3.11284671985,53.1999350236,-0.421397253632,4.78635605162 -0.29000000000000015,0.00465662583969,24.887493332,0.00479547193423,2.59700011532,7.3226845792,53.1999350236,-0.418979551034,4.78635605162 -0.29500000000000015,0.00803485316173,24.887493332,0.00360288615197,2.59700011532,2.89900743487,53.1999350236,-0.421805251145,4.78635605162 -0.30000000000000016,0.011317208785,24.887493332,0.00295953304001,2.59700011532,1.81265725321,53.1999350236,-0.430548255252,4.78635605162 -0.30500000000000016,0.0150342971053,24.887493332,0.00256543644154,2.59700011532,1.33509443051,53.1999350236,-0.446248610867,4.78635605162 -0.31000000000000016,0.0195367803603,24.887493332,0.00230729950188,2.59700011532,1.07524607458,53.1999350236,-0.470497775671,4.78635605162 -0.31500000000000017,0.0252566844823,24.887493332,0.00213320374467,2.59700011532,0.919444803615,53.1999350236,-0.505751070035,4.78635605162 -0.3200000000000002,0.0328467262745,24.887493332,0.00201640022284,2.59700011532,0.823327239499,53.1999350236,-0.555889367891,4.78635605162 -0.3250000000000002,0.0433920010407,24.887493332,0.0019421605681,2.59700011532,0.767055057191,53.1999350236,-0.627301579015,4.78635605162 -0.3300000000000002,0.0588411035857,24.887493332,0.00190225207722,2.59700011532,0.742100920444,53.1999350236,-0.731155591538,4.78635605162 -0.3350000000000002,0.0830086530868,24.887493332,0.00189240571623,2.59700011532,0.747384467914,53.1999350236,-0.888719562089,4.78635605162 -0.3400000000000002,0.12423731265,24.887493332,0.00191114377949,2.59700011532,0.790619061756,53.1999350236,-1.14588760045,4.78635605162 -0.3450000000000002,0.203820698837,24.887493332,0.00195933974328,2.59700011532,0.899404931831,53.1999350236,-1.62299653837,4.78635605162 -0.3500000000000002,0.390562922342,24.887493332,0.00204028979904,2.59700011532,1.18152944757,53.1999350236,-2.76799848929,4.78635605162 -0.3550000000000002,1.02223133173,24.887493332,0.00216030007533,2.59700011532,2.64941999732,53.1999350236,-8.84234636717,4.78635605162 -0.3600000000000002,6.9577971122,24.887493332,0.00233000990751,2.59700011532,1.20022386476,53.1999350236,8.04846171823,4.78635605162 -0.3650000000000002,18.536899259,24.887493332,0.00256703619018,2.59700011532,0.458741195621,53.1999350236,2.87699372783,4.78635605162 -0.3700000000000002,1.39066604189,24.887493332,0.0029013579004,2.59700011532,0.428452490342,53.1999350236,1.80260103173,4.78635605162 -0.3750000000000002,0.461207455208,24.887493332,0.00338712026367,2.59700011532,0.362958187378,53.1999350236,1.34317089246,4.78635605162 -0.3800000000000002,0.223731187001,24.887493332,0.00413170682114,2.59700011532,0.301055452763,53.1999350236,1.09124468109,4.78635605162 -0.38500000000000023,0.128229841417,24.887493332,0.00538073173552,2.59700011532,0.240107113086,53.1999350236,0.93409620892,4.78635605162 -0.39000000000000024,0.0784920119467,24.887493332,0.00784320725238,2.59700011532,0.170645997776,53.1999350236,0.828064963517,4.78635605162 -0.39500000000000024,0.0431611488023,24.887493332,0.0147525608011,2.59700011532,0.0479569348817,53.1999350236,0.752702627484,4.78635605162 -0.40000000000000024,0.125171738448,24.887493332,0.133635902199,2.59700011532,0.157958083139,53.1999350236,0.697173708623,4.78635605162 -0.40500000000000025,0.0584942984204,24.887493332,-0.0189855321451,2.59700011532,0.233609668151,53.1999350236,0.655219001313,4.78635605162 -0.41000000000000025,0.037702725343,24.887493332,-0.00892863564252,2.59700011532,0.297743334418,53.1999350236,0.622989555054,4.78635605162 -0.41500000000000026,0.027827106942,24.887493332,-0.00588638133755,2.59700011532,0.360227788464,53.1999350236,0.598008455715,4.78635605162 -0.42000000000000026,0.0211987160476,24.887493332,-0.00442910916332,2.59700011532,0.42599152393,53.1999350236,0.57863048966,4.78635605162 -0.42500000000000027,0.0160802276811,24.887493332,-0.00358152181559,2.59700011532,0.499061371088,53.1999350236,0.563742368813,4.78635605162 -0.43000000000000027,0.0116739791922,24.887493332,-0.00303237055096,2.59700011532,0.583905567893,53.1999350236,0.552588046692,4.78635605162 -0.4350000000000003,0.00728500366889,24.887493332,-0.00265158641512,2.59700011532,0.686486121185,53.1999350236,0.544663350089,4.78635605162 -0.4400000000000003,0.00243291347265,24.887493332,-0.00237526997039,2.59700011532,0.815737263059,53.1999350236,0.539651413346,4.78635605162 -0.4450000000000003,0.00696198428924,24.887493332,-0.00216842991751,2.59700011532,0.986299442514,53.1999350236,0.537383772652,4.78635605162 -0.4500000000000003,0.00884851819847,24.887493332,-0.00201036354406,2.59700011532,1.22437969711,53.1999350236,0.537819018778,4.78635605162 -0.4550000000000003,0.00981004369416,24.887493332,-0.00188810713602,2.59700011532,1.58201216785,53.1999350236,0.541034965552,4.78635605162 -0.4600000000000003,0.0100218150295,24.887493332,-0.00179320090124,2.59700011532,2.17654305476,53.1999350236,0.547232998658,4.78635605162 -0.4650000000000003,0.00925982419887,24.887493332,-0.0017199680688,2.59700011532,3.29135191908,53.1999350236,0.556755557551,4.78635605162 -0.4700000000000003,0.00649167144982,24.887493332,-0.00166454644856,2.59700011532,0.343367636509,53.1999350236,0.570120302197,4.78635605162 -0.4750000000000003,0.00695375377574,24.887493332,-0.00162432127992,2.59700011532,18.3891004778,53.1999350236,0.588078304694,4.78635605162 -0.4800000000000003,0.0147497845514,24.887493332,-0.00159758644143,2.59700011532,5.42949840841,53.1999350236,0.611710070066,4.78635605162 -0.4850000000000003,0.0228537785489,24.887493332,-0.0015833449369,2.59700011532,3.20885144676,53.1999350236,0.642585338604,4.78635605162 -0.4900000000000003,0.0280619238181,24.887493332,-0.00158120223415,2.59700011532,2.04560508739,53.1999350236,0.683037188758,4.78635605162 -0.49500000000000033,0.0287684290134,24.887493332,-0.00160677194296,2.59700011532,1.49764431607,53.1999350236,0.715994577108,4.78635605162 From 00a033d130a712f62bc5933d0760b615781937ae Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 09:13:08 -0700 Subject: [PATCH 27/77] Delete pp2_print_1.csv Unwanted file as dictated by PR comments. --- .../Validation/DSS/pp2_print_1.csv | 101 ------------------ 1 file changed, 101 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/DSS/pp2_print_1.csv diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_1.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_1.csv deleted file mode 100644 index ffe41b27bc..0000000000 --- a/tests/framework/PostProcessors/Validation/DSS/pp2_print_1.csv +++ /dev/null @@ -1,101 +0,0 @@ -pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation -0.0,0.774109933747,78.5323269828,-0.00111513031321,8.02406872151,0.00015699442728,21.1645936719,0.000388766220683,3.62270476039 -0.005,0.172934844167,78.5323269828,0.000312548594868,8.02406872151,0.000253790755873,21.1645936719,0.000478997467537,3.62270476039 -0.01,0.0434518775793,78.5323269828,9.33645706157e-05,8.02406872151,0.000389758416471,21.1645936719,0.00056805120926,3.62270476039 -0.015,0.019233004651,78.5323269828,5.94011493334e-05,8.02406872151,0.000486770043257,21.1645936719,0.000646124658721,3.62270476039 -0.02,0.0112138144262,78.5323269828,4.6202616342e-05,8.02406872151,0.000529134300053,21.1645936719,0.000713124729502,3.62270476039 -0.025,0.00757486755401,78.5323269828,3.95339280479e-05,8.02406872151,0.000474278984792,21.1645936719,0.000770415120738,3.62270476039 -0.030000000000000002,0.00559988445393,78.5323269828,3.57467616553e-05,8.02406872151,0.000152740369949,21.1645936719,0.000820287742045,3.62270476039 -0.035,0.004390795607,78.5323269828,3.34846745312e-05,8.02406872151,0.000797991250143,21.1645936719,0.000865542594222,3.62270476039 -0.04,0.00357888192657,78.5323269828,3.21335157958e-05,8.02406872151,0.00139258099056,21.1645936719,0.00090927581244,3.62270476039 -0.045,0.00298801637499,78.5323269828,3.13820403602e-05,8.02406872151,0.00213544322869,21.1645936719,0.000954896315223,3.62270476039 -0.049999999999999996,0.002522954625,78.5323269828,3.10643814811e-05,8.02406872151,0.00312433905151,21.1645936719,0.00100638290725,3.62270476039 -0.05499999999999999,0.00212519328404,78.5323269828,3.10947442252e-05,8.02406872151,0.00449128682363,21.1645936719,0.00106885498154,3.62270476039 -0.05999999999999999,0.00175195717774,78.5323269828,3.14383431158e-05,8.02406872151,0.00644420016217,21.1645936719,0.0011496907818,3.62270476039 -0.06499999999999999,0.00136101853355,78.5323269828,3.2099324124e-05,8.02406872151,0.00933486602648,21.1645936719,0.00126083041451,3.62270476039 -0.06999999999999999,0.000878087855177,78.5323269828,3.31188790748e-05,8.02406872151,0.0138014458706,21.1645936719,0.00142407700497,3.62270476039 -0.075,0.000466896928717,78.5323269828,3.45823471465e-05,8.02406872151,0.0211082874645,21.1645936719,0.00168536859298,3.62270476039 -0.08,0.00105539943751,78.5323269828,3.66384375052e-05,8.02406872151,0.0340932878574,21.1645936719,0.00216302079173,3.62270476039 -0.085,0.00136598259819,78.5323269828,3.95404879555e-05,8.02406872151,0.0605703170013,21.1645936719,0.00328710340681,3.62270476039 -0.09000000000000001,0.00153529464373,78.5323269828,4.37357620277e-05,8.02406872151,0.137405153594,21.1645936719,0.00883634014844,3.62270476039 -0.09500000000000001,0.00154146111344,78.5323269828,5.00760395577e-05,8.02406872151,0.212755471826,21.1645936719,-0.00846684654297,3.62270476039 -0.10000000000000002,0.00125478869626,78.5323269828,6.0390815383e-05,8.02406872151,1.5988061707,21.1645936719,-0.00250601690095,3.62270476039 -0.10500000000000002,0.000772175184071,78.5323269828,7.94364951969e-05,8.02406872151,7.48669871307,21.1645936719,-0.00134643522011,3.62270476039 -0.11000000000000003,0.00223574857561,78.5323269828,0.000124632059843,8.02406872151,0.413573575915,21.1645936719,-0.000855478667377,3.62270476039 -0.11500000000000003,0.00366331896809,78.5323269828,0.000352094517332,8.02406872151,0.121052016172,21.1645936719,-0.000584330264464,3.62270476039 -0.12000000000000004,0.00481738095475,78.5323269828,-0.000336680273934,8.02406872151,0.0503855034092,21.1645936719,-0.000410720594005,3.62270476039 -0.12500000000000003,0.00662913115137,78.5323269828,-0.000106374679546,8.02406872151,0.0234170232593,21.1645936719,-0.000286946114568,3.62270476039 -0.13000000000000003,0.00866007541832,78.5323269828,-6.08457355132e-05,8.02406872151,0.0107458842608,21.1645936719,-0.000189675836893,3.62270476039 -0.13500000000000004,0.0110758004082,78.5323269828,-4.15638099506e-05,8.02406872151,0.0041603475582,21.1645936719,-0.000105003718329,3.62270476039 -0.14000000000000004,0.0140284466065,78.5323269828,-3.09727411283e-05,8.02406872151,0.000617383138954,21.1645936719,-2.25654101801e-05,3.62270476039 -0.14500000000000005,0.0177699755735,78.5323269828,-2.42764214694e-05,8.02406872151,0.00124587128596,21.1645936719,6.76472198329e-05,3.62270476039 -0.15000000000000005,0.0227701859871,78.5323269828,-1.96176433169e-05,8.02406872151,0.00213169974396,21.1645936719,0.000178037706082,3.62270476039 -0.15500000000000005,0.0299926294325,78.5323269828,-1.61162762964e-05,8.02406872151,0.00244007370638,21.1645936719,0.000327303277569,3.62270476039 -0.16000000000000006,0.0416880551589,78.5323269828,-1.32927334511e-05,8.02406872151,0.00241168757692,21.1645936719,0.000548129320248,3.62270476039 -0.16500000000000006,0.0643186472701,78.5323269828,-1.08557501738e-05,8.02406872151,0.00218991014403,21.1645936719,0.000906013974106,3.62270476039 -0.17000000000000007,0.124719770968,78.5323269828,-8.61146363399e-06,8.02406872151,0.00184028567937,21.1645936719,0.00155620869662,3.62270476039 -0.17500000000000007,0.494938369974,78.5323269828,-6.41978064852e-06,8.02406872151,0.00126847297741,21.1645936719,0.00297767637778,3.62270476039 -0.18000000000000008,2.46641065603,78.5323269828,-4.17133774529e-06,8.02406872151,0.00173926936988,21.1645936719,0.00772575298958,3.62270476039 -0.18500000000000008,0.0414611869821,78.5323269828,-1.77413937144e-06,8.02406872151,0.025561946542,21.1645936719,-0.11539011265,3.62270476039 -0.19000000000000009,0.00569319620955,78.5323269828,8.55060129221e-07,8.02406872151,0.00146300939145,21.1645936719,-0.0100554509397,3.62270476039 -0.1950000000000001,0.011004902984,78.5323269828,3.79709063573e-06,8.02406872151,0.000475864139573,21.1645936719,-0.00635126793396,3.62270476039 -0.2000000000000001,0.0108503108153,78.5323269828,7.13581055212e-06,8.02406872151,0.000128654332099,21.1645936719,-0.00518006530933,3.62270476039 -0.2050000000000001,0.00969350347973,78.5323269828,1.09636231742e-05,8.02406872151,1.49277955888e-05,21.1645936719,-0.00467894362698,3.62270476039 -0.2100000000000001,0.00842420202358,78.5323269828,1.53879274562e-05,8.02406872151,4.02892302638e-05,21.1645936719,-0.0044476870953,3.62270476039 -0.2150000000000001,0.00724575947031,78.5323269828,2.05394988306e-05,8.02406872151,0.000191885884931,21.1645936719,-0.0043446838376,3.62270476039 -0.2200000000000001,0.00619304465914,78.5323269828,2.65841777047e-05,8.02406872151,0.000391175798864,21.1645936719,-0.0043045490451,3.62270476039 -0.22500000000000012,0.00525522371794,78.5323269828,3.37400009027e-05,8.02406872151,0.000673502363882,21.1645936719,-0.00429205403071,3.62270476039 -0.23000000000000012,0.00440922558223,78.5323269828,4.23033464715e-05,8.02406872151,0.00108776134503,21.1645936719,-0.00428710781864,3.62270476039 -0.23500000000000013,0.00362847465576,78.5323269828,5.26904309862e-05,8.02406872151,0.00170845633151,21.1645936719,-0.00427888014895,3.62270476039 -0.24000000000000013,0.00288251896262,78.5323269828,6.55060659113e-05,8.02406872151,0.00265234610929,21.1645936719,-0.004262899853,3.62270476039 -0.24500000000000013,0.002127734175,78.5323269828,8.16634197959e-05,8.02406872151,0.0041133507449,21.1645936719,-0.0042391343709,3.62270476039 -0.2500000000000001,0.001257759357,78.5323269828,0.000102605552429,8.02406872151,0.00643832583293,21.1645936719,-0.00421045589147,3.62270476039 -0.2550000000000001,0.000828378096761,78.5323269828,0.000130746825402,8.02406872151,0.010304266841,21.1645936719,-0.00418140075283,3.62270476039 -0.2600000000000001,0.00154019188196,78.5323269828,0.000170440017214,8.02406872151,0.0171821550257,21.1645936719,-0.00415725967944,3.62270476039 -0.2650000000000001,0.00187441428345,78.5323269828,0.000230381434784,8.02406872151,0.0307614176303,21.1645936719,-0.00414351845838,3.62270476039 -0.27000000000000013,0.00202193397403,78.5323269828,0.000330771307489,8.02406872151,0.0624826810512,21.1645936719,-0.00414561873163,3.62270476039 -0.27500000000000013,0.002001032412,78.5323269828,0.000531589183265,8.02406872151,0.163182566838,21.1645936719,-0.00416897908533,3.62270476039 -0.28000000000000014,0.00175329778763,78.5323269828,0.00112482219142,8.02406872151,0.841675558765,21.1645936719,-0.00421921817404,3.62270476039 -0.28500000000000014,0.00125269551862,78.5323269828,0.0359810627555,8.02406872151,30.1715064164,21.1645936719,-0.00430254667581,3.62270476039 -0.29000000000000015,0.00173690674608,78.5323269828,-0.00139473398204,8.02406872151,0.541470714699,21.1645936719,-0.0044263349351,3.62270476039 -0.29500000000000015,0.00310890477779,78.5323269828,-0.000737322863662,8.02406872151,0.166181672723,21.1645936719,-0.00459991742035,3.62270476039 -0.30000000000000016,0.00456146898278,78.5323269828,-0.00052674979752,8.02406872151,0.0829631693218,21.1645936719,-0.00483577503259,3.62270476039 -0.30500000000000016,0.00628601499582,78.5323269828,-0.000425524249225,8.02406872151,0.0512147337907,21.1645936719,-0.00515137300595,3.62270476039 -0.31000000000000016,0.00845797610112,78.5323269828,-0.000368150791594,8.02406872151,0.0356827739788,21.1645936719,-0.00557219787766,3.62270476039 -0.31500000000000017,0.0113216825999,78.5323269828,-0.0003331746523,8.02406872151,0.0269350413193,21.1645936719,-0.00613710629019,3.62270476039 -0.3200000000000002,0.015267935443,78.5323269828,-0.000311603763873,8.02406872151,0.0215737276619,21.1645936719,-0.00690843116545,3.62270476039 -0.3250000000000002,0.0209754548459,78.5323269828,-0.00029913248091,8.02406872151,0.0181422611288,21.1645936719,-0.00799273681681,3.62270476039 -0.3300000000000002,0.0297210356289,78.5323269828,-0.000293590171994,8.02406872151,0.0159619678347,21.1645936719,-0.00958820041251,3.62270476039 -0.3350000000000002,0.0441503928111,78.5323269828,-0.000293955979829,8.02406872151,0.0147516320894,21.1645936719,-0.0121094126143,3.62270476039 -0.3400000000000002,0.0705032247119,78.5323269828,-0.00029995850538,8.02406872151,0.0145712178054,21.1645936719,-0.0165925304479,3.62270476039 -0.3450000000000002,0.126536483196,78.5323269828,-0.000311949955848,8.02406872151,0.016262292345,21.1645936719,-0.0265554172213,3.62270476039 -0.3500000000000002,0.280803513005,78.5323269828,-0.000330964255244,8.02406872151,0.0265280222762,21.1645936719,-0.066497609455,3.62270476039 -0.3550000000000002,1.02324913362,78.5323269828,-0.000358979521713,8.02406872151,0.0298908562968,21.1645936719,0.136708832882,3.62270476039 -0.3600000000000002,80.1685866409,78.5323269828,-0.000399528825841,8.02406872151,0.00187240234695,21.1645936719,0.0343043054976,3.62270476039 -0.3650000000000002,1.79519173079,78.5323269828,-0.000459072822812,8.02406872151,0.0027974550452,21.1645936719,0.0199018342634,3.62270476039 -0.3700000000000002,0.396905209568,78.5323269828,-0.000550354811098,8.02406872151,0.00196447877021,21.1645936719,0.0142027898753,3.62270476039 -0.3750000000000002,0.172007319674,78.5323269828,-0.000701977803126,8.02406872151,0.00121110983051,21.1645936719,0.0111763984294,3.62270476039 -0.3800000000000002,0.0968649163453,78.5323269828,-0.00099349891318,8.02406872151,0.00061232574077,21.1645936719,0.00931878570727,3.62270476039 -0.38500000000000023,0.0636563968426,78.5323269828,-0.00175835669441,8.02406872151,0.000167538565504,21.1645936719,0.00807685474333,3.62270476039 -0.39000000000000024,0.0561966955212,78.5323269828,-0.00856322755607,8.02406872151,8.0456588826e-05,21.1645936719,0.00719971537706,3.62270476039 -0.39500000000000024,0.0260206570271,78.5323269828,0.00291043543761,8.02406872151,0.000288516079035,21.1645936719,0.00655732455789,3.62270476039 -0.40000000000000024,0.0213502799877,78.5323269828,0.00123939077254,8.02406872151,0.000876677291258,21.1645936719,0.00607577941537,3.62270476039 -0.40500000000000025,0.016899092494,78.5323269828,0.000788878127904,8.02406872151,0.0017178654172,21.1645936719,0.00571021259275,3.62270476039 -0.41000000000000025,0.0134051383915,78.5323269828,0.000581133294843,8.02406872151,0.00289031251364,21.1645936719,0.0054320610037,3.62270476039 -0.41500000000000026,0.0106196180657,78.5323269828,0.00046265549946,8.02406872151,0.00452348561758,21.1645936719,0.00522255321938,3.62270476039 -0.42000000000000026,0.00830333105079,78.5323269828,0.000386842345636,8.02406872151,0.00682983486137,21.1645936719,0.00506915740742,3.62270476039 -0.42500000000000027,0.0062597143635,78.5323269828,0.000334748408515,8.02406872151,0.0101640037956,21.1645936719,0.00496355398608,3.62270476039 -0.43000000000000027,0.00428053116836,78.5323269828,0.000297231742542,8.02406872151,0.0151430112141,21.1645936719,0.00490045113692,3.62270476039 -0.4350000000000003,0.00183094244122,78.5323269828,0.000269350407586,8.02406872151,0.0229061424782,21.1645936719,0.00487690217277,3.62270476039 -0.4400000000000003,0.00273321375559,78.5323269828,0.00024820979193,8.02406872151,0.0357308620284,21.1645936719,0.00489195140857,3.62270476039 -0.4450000000000003,0.00388360453739,78.5323269828,0.000232012825754,8.02406872151,0.0586844015204,21.1645936719,0.00494652670219,3.62270476039 -0.4500000000000003,0.00445348727543,78.5323269828,0.000219596381833,8.02406872151,0.104878587617,21.1645936719,0.00504355611419,3.62270476039 -0.4550000000000003,0.0046422237846,78.5323269828,0.000210187123956,8.02406872151,0.217029543586,21.1645936719,0.00518833724011,3.62270476039 -0.4600000000000003,0.00441220704131,78.5323269828,0.000203265440004,8.02406872151,0.603815420293,21.1645936719,0.00538925015073,3.62270476039 -0.4650000000000003,0.00346569189527,78.5323269828,0.000198486694994,8.02406872151,4.0640633147,21.1645936719,0.00565900476547,3.62270476039 -0.4700000000000003,0.00191015692685,78.5323269828,0.000195635089853,8.02406872151,17.9868344846,21.1645936719,0.00601680122675,3.62270476039 -0.4750000000000003,0.00569507867241,78.5323269828,0.000194597602017,8.02406872151,1.19241195807,21.1645936719,0.00649217227692,3.62270476039 -0.4800000000000003,0.00910691494635,78.5323269828,0.00019535171858,8.02406872151,0.416943814092,21.1645936719,0.00713216163498,3.62270476039 -0.4850000000000003,0.0130557612771,78.5323269828,0.000197964290948,8.02406872151,0.219083602994,21.1645936719,0.00801569461804,3.62270476039 -0.4900000000000003,0.0154658754364,78.5323269828,0.000202601458671,8.02406872151,0.122663915599,21.1645936719,0.00928513779775,3.62270476039 -0.49500000000000033,0.015404620316,78.5323269828,0.00020681289425,8.02406872151,0.0837281391226,21.1645936719,0.0101591584241,3.62270476039 From 6163dec41b731949b0c9806b22974315d97224d7 Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 09:13:18 -0700 Subject: [PATCH 28/77] Delete pp2_print_2.csv Unwanted file as dictated by PR comments. --- .../Validation/DSS/pp2_print_2.csv | 101 ------------------ 1 file changed, 101 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/DSS/pp2_print_2.csv diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_2.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_2.csv deleted file mode 100644 index e37aeede47..0000000000 --- a/tests/framework/PostProcessors/Validation/DSS/pp2_print_2.csv +++ /dev/null @@ -1,101 +0,0 @@ -pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation -0.0,0.0499281922006,37.767391036,0.00214950159842,4.28650302037,1.48043773097e-06,153.440198563,-2.78869210709e-06,15.4153269263 -0.005,0.108821350709,37.767391036,0.00344512627925,4.28650302037,1.92343383019e-06,153.440198563,-3.78745340746e-06,15.4153269263 -0.01,2.80127775886,37.767391036,-0.0154495882567,4.28650302037,1.53098863678e-06,153.440198563,-4.83741886226e-06,15.4153269263 -0.015,0.666352304377,37.767391036,-0.00270493401925,4.28650302037,1.90085196915e-06,153.440198563,-5.79512180408e-06,15.4153269263 -0.02,0.105537707351,37.767391036,-0.00161203987177,4.28650302037,3.32599773558e-06,153.440198563,-6.63492581009e-06,15.4153269263 -0.025,0.0431344458161,37.767391036,-0.00122160618589,4.28650302037,4.40380458328e-06,153.440198563,-7.35165063744e-06,15.4153269263 -0.030000000000000002,0.0243318377974,37.767391036,-0.0010306546398,4.28650302037,5.17246201225e-06,153.440198563,-7.95660994721e-06,15.4153269263 -0.035,0.0161802116007,37.767391036,-0.000923652027417,4.28650302037,5.32498316785e-06,153.440198563,-8.47174651242e-06,15.4153269263 -0.04,0.0118771511525,37.767391036,-0.00085975689653,4.28650302037,3.63941540802e-06,153.440198563,-8.92454004322e-06,15.4153269263 -0.045,0.00929529622336,37.767391036,-0.000820975161398,4.28650302037,6.48621474724e-06,153.440198563,-9.3449510607e-06,15.4153269263 -0.049999999999999996,0.00759070348954,37.767391036,-0.000798295647998,4.28650302037,1.3658071887e-05,153.440198563,-9.76461077415e-06,15.4153269263 -0.05499999999999999,0.00636976921521,37.767391036,-0.000786888171608,4.28650302037,2.28305802338e-05,153.440198563,-1.02181231591e-05,15.4153269263 -0.05999999999999999,0.00542383077465,37.767391036,-0.000784147860477,4.28650302037,3.54369772377e-05,153.440198563,-1.07466180944e-05,15.4153269263 -0.06499999999999999,0.00462768310852,37.767391036,-0.000788818411715,4.28650302037,5.3214686841e-05,153.440198563,-1.14045547185e-05,15.4153269263 -0.06999999999999999,0.00389360580876,37.767391036,-0.00080059531129,4.28650302037,7.8766485877e-05,153.440198563,-1.22726906907e-05,15.4153269263 -0.075,0.00314310405167,37.767391036,-0.000819987724073,4.28650302037,0.000116258353714,153.440198563,-1.34849615832e-05,15.4153269263 -0.08,0.00226732731421,37.767391036,-0.000848368466594,4.28650302037,0.000172710528439,153.440198563,-1.52914860661e-05,15.4153269263 -0.085,0.000856688329193,37.767391036,-0.000888228880415,4.28650302037,0.000260628405531,153.440198563,-1.82327415937e-05,15.4153269263 -0.09000000000000001,0.00183568332738,37.767391036,-0.000943751981274,4.28650302037,0.000403597002242,153.440198563,-2.37528099707e-05,15.4153269263 -0.09500000000000001,0.00264621581141,37.767391036,-0.00102200341102,4.28650302037,0.000645816804441,153.440198563,-3.74874734818e-05,15.4153269263 -0.10000000000000002,0.00312285344438,37.767391036,-0.00113551387155,4.28650302037,0.000916181838688,153.440198563,-0.000125172028078,15.4153269263 -0.10500000000000002,0.00330033104617,37.767391036,-0.00130846731198,4.28650302037,0.0031709156581,153.440198563,6.80776138803e-05,15.4153269263 -0.11000000000000003,0.00305357249322,37.767391036,-0.00159401185415,4.28650302037,0.0092741572586,153.440198563,2.3630670193e-05,15.4153269263 -0.11500000000000003,0.00192066846575,37.767391036,-0.00213582689044,4.28650302037,0.184535236178,153.440198563,1.31146173897e-05,15.4153269263 -0.12000000000000004,0.00252956428232,37.767391036,-0.00350365660164,4.28650302037,0.0261601202469,153.440198563,8.43267598045e-06,15.4153269263 -0.12500000000000003,0.00197195699887,37.767391036,-0.0128058571372,4.28650302037,0.00407839423995,153.440198563,5.78128280747e-06,15.4153269263 -0.13000000000000003,0.0119156742882,37.767391036,0.0064905335384,4.28650302037,0.00136658922718,153.440198563,4.05421618831e-06,15.4153269263 -0.13500000000000004,0.013671245455,37.767391036,0.0024343989044,4.28650302037,0.000561531221493,153.440198563,2.8037103852e-06,15.4153269263 -0.14000000000000004,0.0169855507165,37.767391036,0.00144628153041,4.28650302037,0.000233033923817,153.440198563,1.80407295399e-06,15.4153269263 -0.14500000000000005,0.0210482642293,37.767391036,0.00100434732335,4.28650302037,7.82755721773e-05,153.440198563,9.15992711228e-07,15.4153269263 -0.15000000000000005,0.0258835576537,37.767391036,0.000755025231215,4.28650302037,1.7285453844e-06,153.440198563,3.07115919595e-08,15.4153269263 -0.15500000000000005,0.0317078406287,37.767391036,0.000594637268036,4.28650302037,3.48615386997e-05,153.440198563,-9.62513297606e-07,15.4153269263 -0.16000000000000006,0.03896086226,37.767391036,0.000481492502845,4.28650302037,4.95564952756e-05,153.440198563,-2.20761666073e-06,15.4153269263 -0.16500000000000006,0.0484979384313,37.767391036,0.000395330321375,4.28650302037,5.19049338564e-05,153.440198563,-3.9299302102e-06,15.4153269263 -0.17000000000000007,0.0620887853646,37.767391036,0.000324893762769,4.28650302037,4.72752726694e-05,153.440198563,-6.53687252305e-06,15.4153269263 -0.17500000000000007,0.0838925432036,37.767391036,0.000263230775606,4.28650302037,3.86756477784e-05,153.440198563,-1.08771768008e-05,15.4153269263 -0.18000000000000008,0.126109101157,37.767391036,0.000205642022718,4.28650302037,2.75555601199e-05,153.440198563,-1.90800002131e-05,15.4153269263 -0.18500000000000008,0.243272898987,37.767391036,0.000148680404437,4.28650302037,1.39478669348e-05,153.440198563,-3.84293742393e-05,15.4153269263 -0.19000000000000009,1.25320061527,37.767391036,8.96142018957e-05,4.28650302037,4.26359975484e-06,153.440198563,-0.000120753657011,15.4153269263 -0.1950000000000001,0.328279795372,37.767391036,2.61089979965e-05,4.28650302037,6.32719894207e-05,153.440198563,0.000281470696544,15.4153269263 -0.2000000000000001,0.0566244476106,37.767391036,-4.39845116188e-05,4.28650302037,4.27397326215e-05,153.440198563,8.84294864703e-05,15.4153269263 -0.2050000000000001,0.0514053505134,37.767391036,-0.000122794909578,4.28650302037,4.0516001398e-05,153.440198563,6.14787929997e-05,15.4153269263 -0.2100000000000001,0.0405028662944,37.767391036,-0.000212581686572,4.28650302037,3.81748740252e-05,153.440198563,5.17038603202e-05,15.4153269263 -0.2150000000000001,0.0321067659877,37.767391036,-0.000315900981059,4.28650302037,3.36695540624e-05,153.440198563,4.71889229888e-05,15.4153269263 -0.2200000000000001,0.0258403274918,37.767391036,-0.00043581283209,4.28650302037,2.4387399431e-05,153.440198563,4.4875060237e-05,15.4153269263 -0.22500000000000012,0.0210417485375,37.767391036,-0.000576165408484,4.28650302037,1.57630978935e-05,153.440198563,4.35861729715e-05,15.4153269263 -0.23000000000000012,0.0172488698855,37.767391036,-0.000742009822369,4.28650302037,3.90452419768e-05,153.440198563,4.27615567712e-05,15.4153269263 -0.23500000000000013,0.0141582984866,37.767391036,-0.000940234887552,4.28650302037,5.85822401439e-05,153.440198563,4.21069168398e-05,15.4153269263 -0.24000000000000013,0.0115667017187,37.767391036,-0.00118058169524,4.28650302037,7.93280986529e-05,153.440198563,4.14713402758e-05,15.4153269263 -0.24500000000000013,0.00933193577921,37.767391036,-0.00147734237755,4.28650302037,0.00010323904041,153.440198563,4.07922860834e-05,15.4153269263 -0.2500000000000001,0.00734854275724,37.767391036,-0.00185236098997,4.28650302037,0.000132353675386,153.440198563,4.00634095801e-05,15.4153269263 -0.2550000000000001,0.00553004791768,37.767391036,-0.00234068708837,4.28650302037,0.000169564909451,153.440198563,3.93118213766e-05,15.4153269263 -0.2600000000000001,0.00378746557468,37.767391036,-0.00300211254591,4.28650302037,0.000219516980964,153.440198563,3.85814626358e-05,15.4153269263 -0.2650000000000001,0.00194455333851,37.767391036,-0.00394726388461,4.28650302037,0.000290298928418,153.440198563,3.79219324726e-05,15.4153269263 -0.27000000000000013,0.00138630396449,37.767391036,-0.00540542120334,4.28650302037,0.000397224923975,153.440198563,3.73821990832e-05,15.4153269263 -0.27500000000000013,0.00175262947416,37.767391036,-0.00794025570953,4.28650302037,0.000572450985139,153.440198563,3.70082269142e-05,15.4153269263 -0.28000000000000014,0.000671392420297,37.767391036,-0.0134048916244,4.28650302037,0.000893718572204,153.440198563,3.68434041146e-05,15.4153269263 -0.28500000000000014,0.0046774271677,37.767391036,-0.0335288065715,4.28650302037,0.00159265948961,153.440198563,3.69308396882e-05,15.4153269263 -0.29000000000000015,0.0317778653141,37.767391036,0.108292813634,4.28650302037,0.00365085181784,153.440198563,3.73169772657e-05,15.4153269263 -0.29500000000000015,0.00818339475296,37.767391036,0.0231436754672,4.28650302037,0.0161638728405,153.440198563,3.80564183044e-05,15.4153269263 -0.30000000000000016,0.00111412560967,37.767391036,0.0137808997325,4.28650302037,0.884787886606,153.440198563,3.9218335031e-05,15.4153269263 -0.30500000000000016,0.00694290356226,37.767391036,0.0102407538624,4.28650302037,0.00939532288541,153.440198563,4.08954655535e-05,15.4153269263 -0.31000000000000016,0.010493995504,37.767391036,0.00842291698246,4.28650302037,0.00249837948379,153.440198563,4.32176408333e-05,15.4153269263 -0.31500000000000017,0.0141331036889,37.767391036,0.00735357855299,4.28650302037,0.00108921245228,153.440198563,4.6373574815e-05,15.4153269263 -0.3200000000000002,0.0183727680949,37.767391036,0.00668439911726,4.28650302037,0.000581338912779,153.440198563,5.06483583235e-05,15.4153269263 -0.3250000000000002,0.0236396025607,37.767391036,0.00626172773479,4.28650302037,0.000342494060474,153.440198563,5.64925313104e-05,15.4153269263 -0.3300000000000002,0.0304957537778,37.767391036,0.0060093926315,4.28650302037,0.000209953796173,153.440198563,6.46596457532e-05,15.4153269263 -0.3350000000000002,0.0398163176516,37.767391036,0.00588786205733,4.28650302037,0.000126330020937,153.440198563,7.65079974373e-05,15.4153269263 -0.3400000000000002,0.0530915153608,37.767391036,0.00587779409205,4.28650302037,6.63151602054e-05,153.440198563,9.47525643711e-05,15.4153269263 -0.3450000000000002,0.0730701399213,37.767391036,0.0059730818723,4.28650302037,1.51946100957e-05,153.440198563,0.000125710933657,15.4153269263 -0.3500000000000002,0.105319260008,37.767391036,0.00617843981787,4.28650302037,4.26696601349e-05,153.440198563,0.000188221448848,15.4153269263 -0.3550000000000002,0.162593654311,37.767391036,0.00650996412315,4.28650302037,0.000157569681522,153.440198563,0.000375039417191,15.4153269263 -0.3600000000000002,0.279772888882,37.767391036,0.00699877288072,4.28650302037,0.0098837259003,153.440198563,0.0196652331057,15.4153269263 -0.3650000000000002,0.583338306626,37.767391036,0.00769949424298,4.28650302037,0.000198084213264,153.440198563,-0.000399736267412,15.4153269263 -0.3700000000000002,1.86574241185,37.767391036,0.00870860844522,4.28650302037,8.02869790213e-05,153.440198563,-0.000201481595308,15.4153269263 -0.3750000000000002,42.3579811861,37.767391036,0.0102064301858,4.28650302037,1.3156166492e-05,153.440198563,-0.00013678925093,15.4153269263 -0.3800000000000002,5.26716178934,37.767391036,0.0125657200952,4.28650302037,4.4608825145e-05,153.440198563,-0.000104990825304,15.4153269263 -0.38500000000000023,0.889900805818,37.767391036,0.0166922695136,4.28650302037,5.34329932638e-05,153.440198563,-8.62734355043e-05,15.4153269263 -0.39000000000000024,0.304090368719,37.767391036,0.0254915046914,4.28650302037,5.57381594146e-05,153.440198563,-7.40790823169e-05,15.4153269263 -0.39500000000000024,0.0573578413862,37.767391036,0.0561239913279,4.28650302037,5.41865304024e-05,153.440198563,-6.56105929421e-05,15.4153269263 -0.40000000000000024,0.693730232489,37.767391036,-0.246683611764,4.28650302037,4.84623702636e-05,153.440198563,-5.94757357043e-05,15.4153269263 -0.40500000000000025,0.164279761324,37.767391036,-0.0382846008641,4.28650302037,3.50507135296e-05,153.440198563,-5.49054663602e-05,15.4153269263 -0.41000000000000025,0.0999385766782,37.767391036,-0.0207791318521,4.28650302037,2.59158836574e-05,153.440198563,-5.14422667378e-05,15.4153269263 -0.41500000000000026,0.0698826288974,37.767391036,-0.0143215945081,4.28650302037,6.1613094492e-05,153.440198563,-4.87989196164e-05,15.4153269263 -0.42000000000000026,0.0518196747833,37.767391036,-0.0109904218024,4.28650302037,9.44605561698e-05,153.440198563,-4.67881738629e-05,15.4153269263 -0.42500000000000027,0.0396054744386,37.767391036,-0.00897650633767,4.28650302037,0.000132038605754,153.440198563,-4.52851213661e-05,15.4153269263 -0.43000000000000027,0.030669772508,37.767391036,-0.00764130095923,4.28650302037,0.000178513875608,153.440198563,-4.42059756702e-05,15.4153269263 -0.4350000000000003,0.0236836984137,37.767391036,-0.00670217276586,4.28650302037,0.000238905931645,153.440198563,-4.34956821917e-05,15.4153269263 -0.4400000000000003,0.0178336157332,37.767391036,-0.00601499611813,4.28650302037,0.000320699620659,153.440198563,-4.31206222862e-05,15.4153269263 -0.4450000000000003,0.0124729552851,37.767391036,-0.00549878952213,4.28650302037,0.000436162799237,153.440198563,-4.30644970741e-05,15.4153269263 -0.4500000000000003,0.0065709238374,37.767391036,-0.00510476779296,4.28650302037,0.000606930495375,153.440198563,-4.33264233714e-05,15.4153269263 -0.4550000000000003,0.00599985403089,37.767391036,-0.00480201464787,4.28650302037,0.000874311714594,153.440198563,-4.39208298679e-05,15.4153269263 -0.4600000000000003,0.00954601659704,37.767391036,-0.0045702320651,4.28650302037,0.00132544503602,153.440198563,-4.48791454024e-05,15.4153269263 -0.4650000000000003,0.0112455781012,37.767391036,-0.00439581577765,4.28650302037,0.00217082289174,153.440198563,-4.62536743346e-05,15.4153269263 -0.4700000000000003,0.0119359941745,37.767391036,-0.00426962454311,4.28650302037,0.0040312798916,153.440198563,-4.81246088084e-05,15.4153269263 -0.4750000000000003,0.0116562165228,37.767391036,-0.00418567497193,4.28650302037,0.00945788743967,153.440198563,-5.06120757773e-05,15.4153269263 -0.4800000000000003,0.00993698502416,37.767391036,-0.00414037944419,4.28650302037,0.0396906266945,153.440198563,-5.38969552789e-05,15.4153269263 -0.4850000000000003,0.00404605115942,37.767391036,-0.00413213174602,4.28650302037,154.150605696,153.440198563,-5.82581034752e-05,15.4153269263 -0.4900000000000003,0.00998731207677,37.767391036,-0.00416114504231,4.28650302037,0.034118947356,153.440198563,-6.41425967643e-05,15.4153269263 -0.49500000000000033,0.0128971436753,37.767391036,-0.00421966639005,4.28650302037,0.0125953353559,153.440198563,-6.81736548532e-05,15.4153269263 From e5774e5b7e6d325902c78c1c02ce07d889fede80 Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 09:13:29 -0700 Subject: [PATCH 29/77] Delete pp2_print_3.csv Unwanted file as dictated by PR comments. --- .../Validation/DSS/pp2_print_3.csv | 101 ------------------ 1 file changed, 101 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/DSS/pp2_print_3.csv diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_3.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_3.csv deleted file mode 100644 index dcd2fd431f..0000000000 --- a/tests/framework/PostProcessors/Validation/DSS/pp2_print_3.csv +++ /dev/null @@ -1,101 +0,0 @@ -pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation -0.0,0.697504916097,44.0357167442,0.000187067290355,4.26023895104,2.11276592754e-05,89.5779339625,-0.000285845842716,6.37493074725 -0.005,0.0937961442649,44.0357167442,-0.0107945042615,4.26023895104,3.92865465678e-05,89.5779339625,-0.000364488540017,6.37493074725 -0.01,0.0146841058889,44.0357167442,-9.71177503994e-05,4.26023895104,6.67856771506e-05,89.5779339625,-0.000443156077267,6.37493074725 -0.015,0.00506653565941,44.0357167442,-5.33732447477e-05,4.26023895104,8.62016576422e-05,89.5779339625,-0.000512069162707,6.37493074725 -0.02,0.00264912003481,44.0357167442,-3.93028795981e-05,4.26023895104,9.26173409153e-05,89.5779339625,-0.000570402317613,6.37493074725 -0.025,0.00168680153944,44.0357167442,-3.26829677854e-05,4.26023895104,8.30889723401e-05,89.5779339625,-0.000618795490168,6.37493074725 -0.030000000000000002,0.00120431279303,44.0357167442,-2.90367763534e-05,4.26023895104,4.79002520117e-05,89.5779339625,-0.000658842799678,6.37493074725 -0.035,0.000924973573352,44.0357167442,-2.68683093569e-05,4.26023895104,6.63160867215e-05,89.5779339625,-0.000692611654596,6.37493074725 -0.04,0.00074556549366,44.0357167442,-2.55379784572e-05,4.26023895104,0.000106803672211,89.5779339625,-0.00072232082436,6.37493074725 -0.045,0.000620054135386,44.0357167442,-2.47300438834e-05,4.26023895104,0.000127260851072,89.5779339625,-0.000750198057986,6.37493074725 -0.049999999999999996,0.000524915785644,44.0357167442,-2.42749694187e-05,4.26023895104,0.000126106445899,89.5779339625,-0.000778489952812,6.37493074725 -0.05499999999999999,0.000446506998059,44.0357167442,-2.40785835079e-05,4.26023895104,9.45463572758e-05,89.5779339625,-0.000809598180607,6.37493074725 -0.05999999999999999,0.000375594130202,44.0357167442,-2.40903563519e-05,4.26023895104,1.65922809e-05,89.5779339625,-0.000846347883827,6.37493074725 -0.06499999999999999,0.000304218800638,44.0357167442,-2.42883489049e-05,4.26023895104,0.000135747532565,89.5779339625,-0.000892453698131,6.37493074725 -0.06999999999999999,0.000221835612996,44.0357167442,-2.4672418092e-05,4.26023895104,0.000413231845106,89.5779339625,-0.000953366778074,6.37493074725 -0.075,9.2770565207e-05,44.0357167442,-2.52624422277e-05,4.26023895104,0.00091376853062,89.5779339625,-0.001037969938,6.37493074725 -0.08,0.000173172894743,44.0357167442,-2.61007254317e-05,4.26023895104,0.00184345477911,89.5779339625,-0.00116240376062,6.37493074725 -0.085,0.000255676889715,44.0357167442,-2.72594468592e-05,4.26023895104,0.00369298428297,89.5779339625,-0.00136012060659,6.37493074725 -0.09000000000000001,0.000305994644935,44.0357167442,-2.88562660331e-05,4.26023895104,0.00786265864931,89.5779339625,-0.00171461681719,6.37493074725 -0.09500000000000001,0.000326642852658,44.0357167442,-3.10857518336e-05,4.26023895104,0.0196849658811,89.5779339625,-0.00251090325498,6.37493074725 -0.10000000000000002,0.000299811467444,44.0357167442,-3.42857835574e-05,4.26023895104,0.072195401223,89.5779339625,-0.00577866461621,6.37493074725 -0.10500000000000002,0.000134961152106,44.0357167442,-3.90918580476e-05,4.26023895104,59.6980859328,89.5779339625,0.00984455394909,6.37493074725 -0.11000000000000003,0.000386021399898,44.0357167442,-4.68508068181e-05,4.26023895104,0.14193230949,89.5779339625,0.00228496629479,6.37493074725 -0.11500000000000003,0.000689017368324,44.0357167442,-6.09976586018e-05,4.26023895104,0.0323262493585,89.5779339625,0.00117371403423,6.37493074725 -0.12000000000000004,0.00102175449744,44.0357167442,-9.36654095125e-05,4.26023895104,0.0132653728221,89.5779339625,0.000729645787486,6.37493074725 -0.12500000000000003,0.0013483939446,44.0357167442,-0.000240809435488,4.26023895104,0.00662492545004,89.5779339625,0.000490726533187,6.37493074725 -0.13000000000000003,0.00225972652341,44.0357167442,0.000312906657587,4.26023895104,0.00353345960159,89.5779339625,0.00033995371488,6.37493074725 -0.13500000000000004,0.00276334008842,44.0357167442,8.79609596538e-05,4.26023895104,0.00186443481341,89.5779339625,0.000233288254922,6.37493074725 -0.14000000000000004,0.00357504670606,44.0357167442,4.91331111265e-05,4.26023895104,0.000897577524816,89.5779339625,0.000149619168864,6.37493074725 -0.14500000000000005,0.00465976804457,44.0357167442,3.31771549351e-05,4.26023895104,0.000330318804864,89.5779339625,7.64550608065e-05,6.37493074725 -0.15000000000000005,0.00614778533549,44.0357167442,2.45300381279e-05,4.26023895104,1.29353018048e-05,89.5779339625,4.40631399263e-06,6.37493074725 -0.15500000000000005,0.00831850845749,44.0357167442,1.90996554934e-05,4.26023895104,0.000139727800254,89.5779339625,-7.58221086535e-05,6.37493074725 -0.16000000000000006,0.0118115724806,44.0357167442,1.53305942382e-05,4.26023895104,0.000181860188277,89.5779339625,-0.000176144980024,6.37493074725 -0.16500000000000006,0.018375321213,44.0357167442,1.24932460113e-05,4.26023895104,0.000150837393926,89.5779339625,-0.000315173730856,6.37493074725 -0.17000000000000007,0.0345105680007,44.0357167442,1.01920437362e-05,4.26023895104,7.50239026571e-05,89.5779339625,-0.000526715755,6.37493074725 -0.17500000000000007,0.106536282721,44.0357167442,8.18702485921e-06,4.26023895104,1.45928717769e-05,89.5779339625,-0.000881888450068,6.37493074725 -0.18000000000000008,42.5050393615,44.0357167442,6.31817273867e-06,4.26023895104,6.56593858581e-05,89.5779339625,-0.00156222652767,6.37493074725 -0.18500000000000008,0.0649333036591,44.0357167442,4.46936234261e-06,4.26023895104,0.000496398707045,89.5779339625,-0.00321143489458,6.37493074725 -0.19000000000000009,0.00826148646792,44.0357167442,2.54933415573e-06,4.26023895104,0.00261240983115,89.5779339625,-0.0109964997649,6.37493074725 -0.1950000000000001,0.000626779082105,44.0357167442,4.80492674955e-07,4.26023895104,0.0050883390726,89.5779339625,0.0177953503839,6.37493074725 -0.2000000000000001,0.00119382519224,44.0357167442,-1.80867751303e-06,4.26023895104,0.00192045995026,89.5779339625,0.00651698961225,6.37493074725 -0.2050000000000001,0.00165109291848,44.0357167442,-4.38977505641e-06,4.26023895104,0.00116369666109,89.5779339625,0.00460286823153,6.37493074725 -0.2100000000000001,0.00168763904999,44.0357167442,-7.34063222456e-06,4.26023895104,0.000334337764555,89.5779339625,0.00385576098808,6.37493074725 -0.2150000000000001,0.0015783384851,44.0357167442,-1.07526691661e-05,4.26023895104,0.00103512244089,89.5779339625,0.00347146350879,6.37493074725 -0.2200000000000001,0.001418432001,44.0357167442,-1.47408934766e-05,4.26023895104,0.00157196745902,89.5779339625,0.0032342436858,6.37493074725 -0.22500000000000012,0.00124384440593,44.0357167442,-1.94586942711e-05,4.26023895104,0.00206145450576,89.5779339625,0.00306143899918,6.37493074725 -0.23000000000000012,0.00106802325323,44.0357167442,-2.51211187804e-05,4.26023895104,0.00256464516031,89.5779339625,0.00291624283213,6.37493074725 -0.23500000000000013,0.000894848382723,44.0357167442,-3.20435749503e-05,4.26023895104,0.00311554115278,89.5779339625,0.00278230231857,6.37493074725 -0.24000000000000013,0.000723278600185,44.0357167442,-4.07100742261e-05,4.26023895104,0.00375191397058,89.5779339625,0.00265371902434,6.37493074725 -0.24500000000000013,0.00054800403086,44.0357167442,-5.19020566123e-05,4.26023895104,0.00452998537195,89.5779339625,0.00252998198122,6.37493074725 -0.2500000000000001,0.0003537970648,44.0357167442,-6.69627130596e-05,4.26023895104,0.0055431846461,89.5779339625,0.00241301574614,6.37493074725 -0.2550000000000001,8.68407622395e-05,44.0357167442,-8.840025254e-05,4.26023895104,0.00695954936342,89.5779339625,0.00230547016147,6.37493074725 -0.2600000000000001,0.000316952656444,44.0357167442,-0.000121477670975,4.26023895104,0.00911184615088,89.5779339625,0.00220985266387,6.37493074725 -0.2650000000000001,0.000390433716055,44.0357167442,-0.000179380133502,4.26023895104,0.0127519961552,89.5779339625,0.00212821322694,6.37493074725 -0.27000000000000013,0.000393465128533,44.0357167442,-0.000306996636892,4.26023895104,0.0199385942529,89.5779339625,0.00206215097769,6.37493074725 -0.27500000000000013,0.000259823603625,44.0357167442,-0.00081908905086,4.26023895104,0.0383712317313,89.5779339625,0.00201298017563,6.37493074725 -0.28000000000000014,0.000775077762552,44.0357167442,0.00173456837424,4.26023895104,0.122616509773,89.5779339625,0.00198196146425,6.37493074725 -0.28500000000000014,0.00023764621841,44.0357167442,0.000462059034537,4.26023895104,19.700138365,89.5779339625,0.00197055879032,6.37493074725 -0.29000000000000015,0.000493550598071,44.0357167442,0.00028067956066,4.26023895104,0.112162774452,89.5779339625,0.00198072105478,6.37493074725 -0.29500000000000015,0.000822464916217,44.0357167442,0.000208933559662,4.26023895104,0.0192211930105,89.5779339625,0.00201521644409,6.37493074725 -0.30000000000000016,0.00116169892401,44.0357167442,0.000171118821449,4.26023895104,0.0053257961665,89.5779339625,0.00207807654646,6.37493074725 -0.30500000000000016,0.00155629676066,44.0357167442,0.000148324911653,4.26023895104,0.00117886244913,89.5779339625,0.00217525091048,6.37493074725 -0.31000000000000016,0.0020436250356,44.0357167442,0.000133611868893,4.26023895104,0.000489612659742,89.5779339625,0.00231565489266,6.37493074725 -0.31500000000000017,0.00267369945956,44.0357167442,0.000123857659431,4.26023895104,0.00130280875937,89.5779339625,0.00251296636026,6.37493074725 -0.3200000000000002,0.00352482565735,44.0357167442,0.000117477508466,4.26023895104,0.00177496195624,89.5779339625,0.00278891875703,6.37493074725 -0.3250000000000002,0.00473050748682,44.0357167442,0.000113612883448,4.26023895104,0.0021113675454,89.5779339625,0.00317980679092,6.37493074725 -0.3300000000000002,0.00653681064575,44.0357167442,0.000111796354109,4.26023895104,0.00241562198867,89.5779339625,0.00375058898393,6.37493074725 -0.3350000000000002,0.00944099419118,44.0357167442,0.000111800971938,4.26023895104,0.00276359005011,89.5779339625,0.00462944472829,6.37493074725 -0.3400000000000002,0.0145776170637,44.0357167442,0.000113573416926,4.26023895104,0.00325296345912,89.5779339625,0.00610842452499,6.37493074725 -0.3450000000000002,0.0250252601294,44.0357167442,0.000117213412398,4.26023895104,0.00410752911143,89.5779339625,0.00902663680069,6.37493074725 -0.3500000000000002,0.0517716847166,44.0357167442,0.000122987924362,4.26023895104,0.00626092857003,89.5779339625,0.0171745788181,6.37493074725 -0.3550000000000002,0.160901321584,44.0357167442,0.000131384453022,4.26023895104,0.0367857434348,89.5779339625,0.144573548471,6.37493074725 -0.3600000000000002,2.71000601085,44.0357167442,0.000143225879407,4.26023895104,0.00166587610837,89.5779339625,-0.0235836339062,6.37493074725 -0.3650000000000002,0.621168188205,44.0357167442,0.000159904569424,4.26023895104,0.00236685788718,89.5779339625,-0.0112173400401,6.37493074725 -0.3700000000000002,0.101184406539,44.0357167442,0.00018388215854,4.26023895104,0.0021544142614,89.5779339625,-0.00752485588267,6.37493074725 -0.3750000000000002,0.0395445157335,44.0357167442,0.000219865709778,4.26023895104,0.00187023013084,89.5779339625,-0.00576836367287,6.37493074725 -0.3800000000000002,0.020731027085,44.0357167442,0.000278016443716,4.26023895104,0.00158224125788,89.5779339625,-0.00475289220685,6.37493074725 -0.38500000000000023,0.0124940531692,44.0357167442,0.000384919001233,4.26023895104,0.00125940365609,89.5779339625,-0.0040989157843,6.37493074725 -0.39000000000000024,0.00792622026028,44.0357167442,0.000638946067439,4.26023895104,0.000805222891586,89.5779339625,-0.00364823941549,6.37493074725 -0.39500000000000024,0.00367028294534,44.0357167442,0.00195379613823,4.26023895104,0.000642488192155,89.5779339625,-0.00332327129511,6.37493074725 -0.40000000000000024,0.00713198135694,44.0357167442,-0.00182237742406,4.26023895104,0.00131297211674,89.5779339625,-0.0030815746583,6.37493074725 -0.40500000000000025,0.00442217183681,44.0357167442,-0.000623365837177,4.26023895104,0.00186121660434,89.5779339625,-0.00289807337854,6.37493074725 -0.41000000000000025,0.00329145086517,44.0357167442,-0.000378356824786,4.26023895104,0.00243197347686,89.5779339625,-0.00275709110425,6.37493074725 -0.41500000000000026,0.0025350029359,44.0357167442,-0.000273627629424,4.26023895104,0.00309011646196,89.5779339625,-0.00264842209179,6.37493074725 -0.42000000000000026,0.00195762487678,44.0357167442,-0.000216008032518,4.26023895104,0.00390088290922,89.5779339625,-0.0025652410408,6.37493074725 -0.42500000000000027,0.00147553942647,44.0357167442,-0.000179884151406,4.26023895104,0.00495392742002,89.5779339625,-0.00250292540711,6.37493074725 -0.43000000000000027,0.00102970485609,44.0357167442,-0.000155370097544,4.26023895104,0.00639142693966,89.5779339625,-0.00245836338218,6.37493074725 -0.4350000000000003,0.000524377325876,44.0357167442,-0.000137847260035,4.26023895104,0.00846098113898,89.5779339625,-0.00242953730591,6.37493074725 -0.4400000000000003,0.000538920206172,44.0357167442,-0.000124872895722,4.26023895104,0.0116341321439,89.5779339625,-0.00241527384152,6.37493074725 -0.4450000000000003,0.00083332836303,44.0357167442,-0.000115037905335,4.26023895104,0.0169104377955,89.5779339625,-0.00241510351775,6.37493074725 -0.4500000000000003,0.000979990307551,44.0357167442,-0.000107476524761,4.26023895104,0.0267384670864,89.5779339625,-0.00242920045163,6.37493074725 -0.4550000000000003,0.00104034092623,44.0357167442,-0.000101631778891,4.26023895104,0.0485577816502,89.5779339625,-0.00245839075619,6.37493074725 -0.4600000000000003,0.00101105932075,44.0357167442,-9.7133762618e-05,4.26023895104,0.115008653783,89.5779339625,-0.00250423197698,6.37493074725 -0.4650000000000003,0.000835758543549,44.0357167442,-9.37324469875e-05,4.26023895104,0.558814625608,89.5779339625,-0.00256918057227,6.37493074725 -0.4700000000000003,0.000197511945031,44.0357167442,-9.12588907404e-05,4.26023895104,10.5622659818,89.5779339625,-0.0026568850777,6.37493074725 -0.4750000000000003,0.00120658782902,44.0357167442,-8.96022798672e-05,4.26023895104,0.248409416677,89.5779339625,-0.00277267748798,6.37493074725 -0.4800000000000003,0.00200560785636,44.0357167442,-8.86964203642e-05,4.26023895104,0.0696616165828,89.5779339625,-0.00292440131514,6.37493074725 -0.4850000000000003,0.00293042744372,44.0357167442,-8.85123865531e-05,4.26023895104,0.030694566771,89.5779339625,-0.00312384969114,6.37493074725 -0.4900000000000003,0.00351792539219,44.0357167442,-8.90557076899e-05,4.26023895104,0.0142117199018,89.5779339625,-0.00338938462777,6.37493074725 -0.49500000000000033,0.00355039112854,44.0357167442,-9.06229094189e-05,4.26023895104,0.00873543121424,89.5779339625,-0.00358403899994,6.37493074725 From 7d2d937feb3ac2c366e146a447433ad94d0d749a Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 09:13:37 -0700 Subject: [PATCH 30/77] Delete pp2_print_4.csv Unwanted file as dictated by PR comments. --- .../Validation/DSS/pp2_print_4.csv | 101 ------------------ 1 file changed, 101 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/DSS/pp2_print_4.csv diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_4.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_4.csv deleted file mode 100644 index ea2acc4889..0000000000 --- a/tests/framework/PostProcessors/Validation/DSS/pp2_print_4.csv +++ /dev/null @@ -1,101 +0,0 @@ -pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation -0.0,0.0429210774314,42.5042920116,-2.58763599149e-07,3.98721450795,0.000120323536489,66.759187629,-0.000796863362781,4.48705711319 -0.005,0.0226746864051,42.5042920116,-1.88277487412e-07,3.98721450795,0.000171892942393,66.759187629,-0.000929513052436,4.48705711319 -0.01,0.00948034831461,42.5042920116,-1.26220962855e-07,3.98721450795,0.000229894838287,66.759187629,-0.00104518996265,4.48705711319 -0.015,0.00504745948265,42.5042920116,-1.00227636928e-07,3.98721450795,0.000248962142634,66.759187629,-0.00114111342525,4.48705711319 -0.02,0.00324592787473,42.5042920116,-8.65928444463e-08,3.98721450795,0.000227867826804,66.759187629,-0.00121943520563,4.48705711319 -0.025,0.00232993477961,42.5042920116,-7.86214709853e-08,3.98721450795,0.00013402192684,66.759187629,-0.00128346585793,4.48705711319 -0.030000000000000002,0.00179391456704,42.5042920116,-7.36945495633e-08,3.98721450795,0.000206415110238,66.759187629,-0.00133694718389,4.48705711319 -0.035,0.00144667287407,42.5042920116,-7.05830847373e-08,3.98721450795,0.000362071372763,66.759187629,-0.00138362347067,4.48705711319 -0.04,0.00120207269493,42.5042920116,-6.86420609604e-08,3.98721450795,0.000497803270943,66.759187629,-0.00142708439538,4.48705711319 -0.045,0.0010157437165,42.5042920116,-6.75098847705e-08,3.98721450795,0.000625984327108,66.759187629,-0.00147081240357,4.48705711319 -0.049999999999999996,0.00086177528289,42.5042920116,-6.697888141e-08,3.98721450795,0.000748350300887,66.759187629,-0.00151838382794,4.48705711319 -0.05499999999999999,0.000722507845852,42.5042920116,-6.69338177234e-08,3.98721450795,0.000862542715507,66.759187629,-0.00157381653281,4.48705711319 -0.05999999999999999,0.000582561073969,42.5042920116,-6.73212386682e-08,3.98721450795,0.000961349666028,66.759187629,-0.00164212091784,4.48705711319 -0.06499999999999999,0.0004211342774,42.5042920116,-6.81347083464e-08,3.98721450795,0.00102838300159,66.759187629,-0.00173021828307,4.48705711319 -0.06999999999999999,0.000162786739969,42.5042920116,-6.94098178089e-08,3.98721450795,0.00102677084006,66.759187629,-0.00184861620323,4.48705711319 -0.075,0.00034106477075,42.5042920116,-7.12269812792e-08,3.98721450795,0.000868030128589,66.759187629,-0.0020147990761,4.48705711319 -0.08,0.0004972559862,42.5042920116,-7.37228333179e-08,3.98721450795,0.00031283261033,66.759187629,-0.00226095887481,4.48705711319 -0.085,0.000593755539392,42.5042920116,-7.71142257423e-08,3.98721450795,0.00142469563485,66.759187629,-0.00265450907693,4.48705711319 -0.09000000000000001,0.000634568800506,42.5042920116,-8.17444706042e-08,3.98721450795,0.00794338166618,66.759187629,-0.00336571625527,4.48705711319 -0.09500000000000001,0.000585074665124,42.5042920116,-8.81740968284e-08,3.98721450795,0.052586474673,66.759187629,-0.00498758515964,4.48705711319 -0.10000000000000002,0.000270781852557,42.5042920116,-9.73708918137e-08,3.98721450795,38.7746264822,66.759187629,-0.0120120481056,4.48705711319 -0.10500000000000002,0.000757029486118,42.5042920116,-1.11149996745e-07,3.98721450795,0.0561008491517,66.759187629,0.016906922426,4.48705711319 -0.11000000000000003,0.00137201077802,42.5042920116,-1.33351571451e-07,3.98721450795,0.00907661822362,66.759187629,0.00429969732494,4.48705711319 -0.11500000000000003,0.00208175711366,42.5042920116,-1.73752370979e-07,3.98721450795,0.0058558890574,66.759187629,0.00224619323667,4.48705711319 -0.12000000000000004,0.00295502637821,42.5042920116,-2.6678180566e-07,3.98721450795,0.00356580543577,66.759187629,0.00140964362005,4.48705711319 -0.12500000000000003,0.00405555745997,42.5042920116,-6.8208376736e-07,3.98721450795,0.00218549740419,66.759187629,0.000955906724491,4.48705711319 -0.13000000000000003,0.00546829882086,42.5042920116,9.11716916966e-07,3.98721450795,0.00131181090369,66.759187629,0.000668584961619,4.48705711319 -0.13500000000000004,0.00731272280983,42.5042920116,2.53882503244e-07,3.98721450795,0.000741205705695,66.759187629,0.000465353123277,4.48705711319 -0.14000000000000004,0.00979233197895,42.5042920116,1.41770170644e-07,3.98721450795,0.000370423952588,66.759187629,0.000306624514363,4.48705711319 -0.14500000000000005,0.0132679696351,42.5042920116,9.58209299766e-08,3.98721450795,0.000141684029447,66.759187629,0.000169123601339,4.48705711319 -0.15000000000000005,0.0184599442821,42.5042920116,7.09598310371e-08,3.98721450795,1.8189824464e-05,66.759187629,3.57011774437e-05,4.48705711319 -0.15500000000000005,0.027006076227,42.5042920116,5.53787665993e-08,3.98721450795,2.69263886216e-05,66.759187629,-0.000110071393958,4.48705711319 -0.16000000000000006,0.043396473075,42.5042920116,4.46007295061e-08,3.98721450795,1.5928461347e-05,66.759187629,-0.000288492400047,4.48705711319 -0.16500000000000006,0.0843617976709,42.5042920116,3.65315142319e-08,3.98721450795,2.94908601559e-05,66.759187629,-0.000530187585482,4.48705711319 -0.17000000000000007,0.267437191886,42.5042920116,3.00400154852e-08,3.98721450795,7.85844859953e-05,66.759187629,-0.000888878364737,4.48705711319 -0.17500000000000007,39.5995642727,42.5042920116,2.44435800989e-08,3.98721450795,6.27524842825e-05,66.759187629,-0.00147282126673,4.48705711319 -0.18000000000000008,0.23283495524,42.5042920116,1.92899105945e-08,3.98721450795,0.000393031455422,66.759187629,-0.00254096674367,4.48705711319 -0.18500000000000008,0.0377029647036,42.5042920116,1.42532665899e-08,3.98721450795,0.00108059648222,66.759187629,-0.00490601136197,4.48705711319 -0.19000000000000009,0.00971931953573,42.5042920116,9.07998394214e-09,3.98721450795,0.00335193053527,66.759187629,-0.0131052537905,4.48705711319 -0.1950000000000001,0.00194402012534,42.5042920116,3.55695341194e-09,3.98721450795,0.0288157080111,66.759187629,0.111119637429,4.48705711319 -0.2000000000000001,0.000789007424842,42.5042920116,-2.50881765595e-09,3.98721450795,0.00340489956191,66.759187629,0.0153398752177,4.48705711319 -0.2050000000000001,0.0018069467301,42.5042920116,-9.30551098934e-09,3.98721450795,0.000886249897845,66.759187629,0.00986487757469,4.48705711319 -0.2100000000000001,0.00213415233223,42.5042920116,-1.70301205364e-08,3.98721450795,0.00197434274466,66.759187629,0.00806219680965,4.48705711319 -0.2150000000000001,0.00215386971424,42.5042920116,-2.59028992996e-08,3.98721450795,0.00290357965995,66.759187629,0.00725423053019,4.48705711319 -0.2200000000000001,0.00202794684625,42.5042920116,-3.6185051716e-08,3.98721450795,0.00375669037958,66.759187629,0.00684304922233,4.48705711319 -0.22500000000000012,0.00182964836656,42.5042920116,-4.82026922119e-08,3.98721450795,0.00466691769981,66.759187629,0.00661376008556,4.48705711319 -0.23000000000000012,0.00159240713508,42.5042920116,-6.23815436944e-08,3.98721450795,0.0056899302253,66.759187629,0.00646782307292,4.48705711319 -0.23500000000000013,0.00132912495027,42.5042920116,-7.92997498631e-08,3.98721450795,0.00687479377827,66.759187629,0.00635446011184,4.48705711319 -0.24000000000000013,0.00103830732174,42.5042920116,-9.97718983184e-08,3.98721450795,0.00829023332622,66.759187629,0.00624755081057,4.48705711319 -0.24500000000000013,0.000695902939527,42.5042920116,-1.24989041547e-07,3.98721450795,0.0100518332475,66.759187629,0.00613577254167,4.48705711319 -0.2500000000000001,0.000101370151465,42.5042920116,-1.56764737434e-07,3.98721450795,0.012369599866,66.759187629,0.00601710796228,4.48705711319 -0.2550000000000001,0.000634366192399,42.5042920116,-1.97995682254e-07,3.98721450795,0.0156538682364,66.759187629,0.00589508561284,4.48705711319 -0.2600000000000001,0.00082781465752,42.5042920116,-2.53594408295e-07,3.98721450795,0.0207982301542,66.759187629,0.00577606148122,4.48705711319 -0.2650000000000001,0.000918695455897,42.5042920116,-3.32577490134e-07,3.98721450795,0.03011459243,66.759187629,0.00566738644425,4.48705711319 -0.27000000000000013,0.000922393059111,42.5042920116,-4.53417758407e-07,3.98721450795,0.0515980644232,66.759187629,0.00557635785787,4.48705711319 -0.27500000000000013,0.000810988865628,42.5042920116,-6.60714425601e-07,3.98721450795,0.135225219331,66.759187629,0.00550979895751,4.48705711319 -0.28000000000000014,0.000429693569777,42.5042920116,-1.09630466535e-06,3.98721450795,6.40304262548,66.759187629,0.00547408567939,4.48705711319 -0.28500000000000014,0.000836941171462,42.5042920116,-2.57998984252e-06,3.98721450795,0.0676096373694,66.759187629,0.00547546782487,4.48705711319 -0.29000000000000015,0.00149558143108,42.5042920116,1.4219102203e-05,3.98721450795,0.00307629826549,66.759187629,0.00552058943328,4.48705711319 -0.29500000000000015,0.0021822027933,42.5042920116,2.13160505556e-06,3.98721450795,0.00891691456767,66.759187629,0.00561718127105,4.48705711319 -0.30000000000000016,0.00299665187208,42.5042920116,1.22797162496e-06,3.98721450795,0.00920720850351,66.759187629,0.00577497045255,4.48705711319 -0.30500000000000016,0.00401320233112,42.5042920116,9.00824709804e-07,3.98721450795,0.00865182782854,66.759187629,0.00600693866764,4.48705711319 -0.31000000000000016,0.00533813206754,42.5042920116,7.35608245292e-07,3.98721450795,0.00802948301508,66.759187629,0.00633119058333,4.48705711319 -0.31500000000000017,0.00713895234598,42.5042920116,6.391190097e-07,3.98721450795,0.0074994321322,66.759187629,0.00677393065121,4.48705711319 -0.3200000000000002,0.00970139430055,42.5042920116,5.78826939322e-07,3.98721450795,0.00708861919897,66.759187629,0.00737453216484,4.48705711319 -0.3250000000000002,0.0135511035394,42.5042920116,5.40573372057e-07,3.98721450795,0.00679369640653,66.759187629,0.00819477189801,4.48705711319 -0.3300000000000002,0.0197463011782,42.5042920116,5.17382815126e-07,3.98721450795,0.00660658399877,66.759187629,0.00933697928399,4.48705711319 -0.3350000000000002,0.0306862090327,42.5042920116,5.05628031261e-07,3.98721450795,0.00652090328567,66.759187629,0.0109831765145,4.48705711319 -0.3400000000000002,0.052812109418,42.5042920116,5.03497651392e-07,3.98721450795,0.00653080602865,66.759187629,0.013490399851,4.48705711319 -0.3450000000000002,0.108669379282,42.5042920116,5.10344625298e-07,3.98721450795,0.0066143683227,66.759187629,0.0176659657383,4.48705711319 -0.3500000000000002,0.327916981531,42.5042920116,5.26445243661e-07,3.98721450795,0.00661349469494,66.759187629,0.0258010135602,4.48705711319 -0.3550000000000002,4.28211784458,42.5042920116,5.53014421849e-07,3.98721450795,0.00428355613997,66.759187629,0.0479679116919,4.48705711319 -0.3600000000000002,1.72737927465,42.5042920116,5.92469615203e-07,3.98721450795,0.0598805140848,66.759187629,0.320488445035,4.48705711319 -0.3650000000000002,0.252385762398,42.5042920116,6.49066803354e-07,3.98721450795,0.0178157238898,66.759187629,-0.0704216940179,4.48705711319 -0.3700000000000002,0.0970498592263,42.5042920116,7.30268777375e-07,3.98721450795,0.00912335434355,66.759187629,-0.0323414408996,4.48705711319 -0.3750000000000002,0.0510997449507,42.5042920116,8.49823350608e-07,3.98721450795,0.00607576940993,66.759187629,-0.0213324395113,4.48705711319 -0.3800000000000002,0.0314679759659,42.5042920116,1.03550939194e-06,3.98721450795,0.00418520580298,66.759187629,-0.0161446716253,4.48705711319 -0.38500000000000023,0.0212652656032,42.5042920116,1.35240949531e-06,3.98721450795,0.00246994248335,66.759187629,-0.0131564505625,4.48705711319 -0.39000000000000024,0.0152626267732,42.5042920116,1.99597568289e-06,3.98721450795,0.00154539191705,66.759187629,-0.0112348313784,4.48705711319 -0.39500000000000024,0.0114072215996,42.5042920116,3.94244581426e-06,3.98721450795,0.00316256442031,66.759187629,-0.00991158466035,4.48705711319 -0.40000000000000024,0.0067360329184,42.5042920116,0.00198158465299,3.98721450795,0.00423571471397,66.759187629,-0.00895835104381,4.48705711319 -0.40500000000000025,0.00684823860276,42.5042920116,-3.91645782784e-06,3.98721450795,0.00521943667849,66.759187629,-0.00825075885281,4.48705711319 -0.41000000000000025,0.00537779227538,42.5042920116,-1.95743492122e-06,3.98721450795,0.00625695264411,66.759187629,-0.00771556614524,4.48705711319 -0.41500000000000026,0.00419484847639,42.5042920116,-1.31016463528e-06,3.98721450795,0.00745057784587,66.759187629,-0.00730712797707,4.48705711319 -0.42000000000000026,0.00318347032955,42.5042920116,-9.90279960958e-07,3.98721450795,0.00891354299678,66.759187629,-0.00699583007917,4.48705711319 -0.42500000000000027,0.00224227447456,42.5042920116,-8.01265222945e-07,3.98721450795,0.0108057641842,66.759187629,-0.00676196303412,4.48705711319 -0.43000000000000027,0.00119556732437,42.5042920116,-6.77696585071e-07,3.98721450795,0.0133872541632,66.759187629,-0.00659229113583,4.48705711319 -0.4350000000000003,0.00106997831016,42.5042920116,-5.91579834478e-07,3.98721450795,0.0171283424976,66.759187629,-0.00647805623747,4.48705711319 -0.4400000000000003,0.00172079794154,42.5042920116,-5.28953461569e-07,3.98721450795,0.0229794936926,66.759187629,-0.00641379963993,4.48705711319 -0.4450000000000003,0.00203410408163,42.5042920116,-4.82094359825e-07,3.98721450795,0.0331536939865,66.759187629,-0.00639668695263,4.48705711319 -0.4500000000000003,0.00216100873046,42.5042920116,-4.46402356048e-07,3.98721450795,0.0539861420004,66.759187629,-0.00642617502383,4.48705711319 -0.4550000000000003,0.00210363027754,42.5042920116,-4.18985889726e-07,3.98721450795,0.111146945632,66.759187629,-0.00650394815919,4.48705711319 -0.4600000000000003,0.00176105807225,42.5042920116,-3.97956738826e-07,3.98721450795,0.429428331653,66.759187629,-0.00663411182462,4.48705711319 -0.4650000000000003,0.000372612174265,42.5042920116,-3.82052477928e-07,3.98721450795,21.6477935554,66.759187629,-0.00682368905246,4.48705711319 -0.4700000000000003,0.00233396934444,42.5042920116,-3.70423512373e-07,3.98721450795,0.167903604109,66.759187629,-0.00708353895997,4.48705711319 -0.4750000000000003,0.00392265940012,42.5042920116,-3.62508888754e-07,3.98721450795,0.029815419391,66.759187629,-0.00742993924142,4.48705711319 -0.4800000000000003,0.00572445365239,42.5042920116,-3.57963463503e-07,3.98721450795,0.00504778962659,66.759187629,-0.00788730678225,4.48705711319 -0.4850000000000003,0.00795415100207,42.5042920116,-3.56617334839e-07,3.98721450795,0.00283666412034,66.759187629,-0.00849301391408,4.48705711319 -0.4900000000000003,0.0093486859661,42.5042920116,-3.58458029622e-07,3.98721450795,0.00547953090847,66.759187629,-0.00930635054146,4.48705711319 -0.49500000000000033,0.0092688521603,42.5042920116,-3.63243997867e-07,3.98721450795,0.0052355779109,66.759187629,-0.00986663997715,4.48705711319 From dc0d899140ce4b89bd9de8aa74b26159221fb2e5 Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 09:13:47 -0700 Subject: [PATCH 31/77] Delete pp2_print_5.csv Unwanted file as dictated by PR comments. --- .../Validation/DSS/pp2_print_5.csv | 101 ------------------ 1 file changed, 101 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/DSS/pp2_print_5.csv diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_5.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_5.csv deleted file mode 100644 index 2485ed805c..0000000000 --- a/tests/framework/PostProcessors/Validation/DSS/pp2_print_5.csv +++ /dev/null @@ -1,101 +0,0 @@ -pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation -0.0,0.0596713136288,8.24785892678,0.00298335892525,1.48821899309,0.000757996482247,88.6649849004,-0.00406841717664,10.0143918804 -0.005,0.0403887199817,8.24785892678,0.00171671719339,1.48821899309,0.00107493516114,88.6649849004,-0.00488602335465,10.0143918804 -0.01,0.021457268462,8.24785892678,0.000975379420475,1.48821899309,0.00141215541624,88.6649849004,-0.00564642650618,10.0143918804 -0.015,0.0127563458085,8.24785892678,0.000727419522316,1.48821899309,0.00147908293,88.6649849004,-0.00629338354185,10.0143918804 -0.02,0.00872814053437,8.24785892678,0.000609364278666,1.48821899309,0.00123396522493,88.6649849004,-0.00683550516393,10.0143918804 -0.025,0.00650963278358,8.24785892678,0.000544211823823,1.48821899309,0.000589067651169,88.6649849004,-0.00729193620353,10.0143918804 -0.030000000000000002,0.00513558205016,8.24785892678,0.000505691997334,1.48821899309,0.00194710576048,88.6649849004,-0.00768719897151,10.0143918804 -0.035,0.00420352750503,8.24785892678,0.000482460496942,1.48821899309,0.00304922240933,88.6649849004,-0.00804796258607,10.0143918804 -0.04,0.00351884235798,8.24785892678,0.000468904545084,1.48821899309,0.00419803017967,88.6649849004,-0.00840196492834,10.0143918804 -0.045,0.00297504601393,8.24785892678,0.000462034673272,1.48821899309,0.00548201849669,88.6649849004,-0.00877888136346,10.0143918804 -0.049999999999999996,0.00250571822,8.24785892678,0.000460238192027,1.48821899309,0.0069924432328,88.6649849004,-0.00921311644611,10.0143918804 -0.05499999999999999,0.00206093021495,8.24785892678,0.00046272484273,1.48821899309,0.00886316536524,88.6649849004,-0.00974918165639,10.0143918804 -0.05999999999999999,0.00158871198812,8.24785892678,0.000469274912157,1.48821899309,0.0113187216975,88.6649849004,-0.0104518013672,10.0143918804 -0.06499999999999999,0.000988371849631,8.24785892678,0.000480146618648,1.48821899309,0.0147741561945,88.6649849004,-0.0114264825561,10.0143918804 -0.06999999999999999,0.000676215099715,8.24785892678,0.00049609536498,1.48821899309,0.020084690738,88.6649849004,-0.0128667572569,10.0143918804 -0.075,0.00133455218979,8.24785892678,0.000518510317718,1.48821899309,0.0292866271455,88.6649849004,-0.0151814075195,10.0143918804 -0.08,0.00171016539995,8.24785892678,0.000549728584591,1.48821899309,0.0483906245799,88.6649849004,-0.0194249514852,10.0143918804 -0.085,0.00192742797663,8.24785892678,0.000593689238732,1.48821899309,0.103111832075,88.6649849004,-0.0294376198302,10.0143918804 -0.09000000000000001,0.00195402838494,8.24785892678,0.000657345156865,1.48821899309,0.471703756869,88.6649849004,-0.0791623868258,10.0143918804 -0.09500000000000001,0.00162516047845,8.24785892678,0.000754018281161,1.48821899309,1.43000657874,88.6649849004,0.0744809851547,10.0143918804 -0.10000000000000002,0.000923616725523,8.24785892678,0.00091266775343,1.48821899309,0.571870902273,88.6649849004,0.0220317175692,10.0143918804 -0.10500000000000002,0.00292931472298,8.24785892678,0.00121018808551,1.48821899309,0.0288985355573,88.6649849004,0.0117726263778,10.0143918804 -0.11000000000000003,0.00501373470027,8.24785892678,0.00194053930215,1.48821899309,0.014109616023,88.6649849004,0.00742208599557,10.0143918804 -0.11500000000000003,0.00935304905678,8.24785892678,0.00622084422909,1.48821899309,0.0072327244666,88.6649849004,0.00501421121827,10.0143918804 -0.12000000000000004,0.00557777361093,8.24785892678,-0.00419647674731,1.48821899309,0.00402850056889,88.6649849004,0.0034655397324,10.0143918804 -0.12500000000000003,0.00979531259825,8.24785892678,-0.00146689800694,1.48821899309,0.00232548826702,88.6649849004,0.00235124503231,10.0143918804 -0.13000000000000003,0.0133606850495,8.24785892678,-0.000855532526256,1.48821899309,0.00127999798831,88.6649849004,0.00146085878973,10.0143918804 -0.13500000000000004,0.0174879599859,8.24785892678,-0.000588332333143,1.48821899309,0.000528773650119,88.6649849004,0.000664996972855,10.0143918804 -0.14000000000000004,0.0226368480777,8.24785892678,-0.000439190074375,1.48821899309,0.000100807061824,88.6649849004,-0.000138609996942,10.0143918804 -0.14500000000000005,0.0294566671809,8.24785892678,-0.000343740532731,1.48821899309,0.000698434803965,88.6649849004,-0.00105702932118,10.0143918804 -0.15000000000000005,0.0392098652043,8.24785892678,-0.00027648285387,1.48821899309,0.00131574760004,88.6649849004,-0.00223431321915,10.0143918804 -0.15500000000000005,0.0547844237937,8.24785892678,-0.000225122804365,1.48821899309,0.00198529921049,88.6649849004,-0.00390419938065,10.0143918804 -0.16000000000000006,0.0842651389076,8.24785892678,-0.000182853018662,1.48821899309,0.00272108972718,88.6649849004,-0.00650638427369,10.0143918804 -0.16500000000000006,0.159580340992,8.24785892678,-0.000145469148075,1.48821899309,0.00347548611167,88.6649849004,-0.0110061048826,10.0143918804 -0.17000000000000007,0.557091294957,8.24785892678,-0.000110121372337,1.48821899309,0.00381481852366,88.6649849004,-0.0200364751739,10.0143918804 -0.17500000000000007,12.1384242322,8.24785892678,-7.47089794775e-05,1.48821899309,0.00515095255422,88.6649849004,-0.0442706127039,10.0143918804 -0.18000000000000008,0.0941520654996,8.24785892678,-3.75546659388e-05,1.48821899309,0.0515638711526,88.6649849004,-0.233327481272,10.0143918804 -0.18500000000000008,0.0018466895338,8.24785892678,2.79275341826e-06,1.48821899309,0.0333257910685,88.6649849004,0.126394256539,10.0143918804 -0.19000000000000009,0.0133909013309,8.24785892678,4.76982268389e-05,1.48821899309,0.0172005373907,88.6649849004,0.0625477836308,10.0143918804 -0.1950000000000001,0.0143676846347,8.24785892678,9.85617929314e-05,1.48821899309,0.0121238960739,88.6649849004,0.0468546843259,10.0143918804 -0.2000000000000001,0.0132454111181,8.24785892678,0.000156948474826,1.48821899309,0.00827846218308,88.6649849004,0.0400419738136,10.0143918804 -0.2050000000000001,0.0117267281422,8.24785892678,0.0002247530508,1.48821899309,0.00133580976173,88.6649849004,0.0362515822189,10.0143918804 -0.2100000000000001,0.0102332976647,8.24785892678,0.000304434305905,1.48821899309,0.00826207087629,88.6649849004,0.0337155746563,10.0143918804 -0.2150000000000001,0.00886570331014,8.24785892678,0.00039937447819,1.48821899309,0.0121255466836,88.6649849004,0.0317290507048,10.0143918804 -0.2200000000000001,0.00763179050478,8.24785892678,0.000514465319497,1.48821899309,0.0153977370759,88.6649849004,0.0299841819658,10.0143918804 -0.22500000000000012,0.00651080937819,8.24785892678,0.000657122258536,1.48821899309,0.0184644969169,88.6649849004,0.0283560491967,10.0143918804 -0.23000000000000012,0.00547180244936,8.24785892678,0.000839160330791,1.48821899309,0.0215190905751,88.6649849004,0.0268104540029,10.0143918804 -0.23500000000000013,0.00447528974898,8.24785892678,0.0010805523007,1.48821899309,0.0247442361023,88.6649849004,0.0253553383884,10.0143918804 -0.24000000000000013,0.00346065703489,8.24785892678,0.00141775096251,1.48821899309,0.0283731794415,88.6649849004,0.0240136424542,10.0143918804 -0.24500000000000013,0.00228209057012,8.24785892678,0.00192473674602,1.48821899309,0.0327444444255,88.6649849004,0.0228093281116,10.0143918804 -0.2500000000000001,0.000963759113803,8.24785892678,0.00277733359964,1.48821899309,0.0383976269936,88.6649849004,0.0217617348428,10.0143918804 -0.2550000000000001,0.00279843287944,8.24785892678,0.00451877901988,1.48821899309,0.0462869018341,88.6649849004,0.020884730362,10.0143918804 -0.2600000000000001,0.00488298519198,8.24785892678,0.0100623683817,1.48821899309,0.0583319673375,88.6649849004,0.0201882044552,10.0143918804 -0.2650000000000001,0.0297041651768,8.24785892678,-0.11859949553,1.48821899309,0.0791368497688,88.6649849004,0.0196804580253,10.0143918804 -0.27000000000000013,6.8287722189e-05,8.24785892678,-0.00961118985076,1.48821899309,0.123256380142,88.6649849004,0.019370816832,10.0143918804 -0.27500000000000013,0.0009351269037,8.24785892678,-0.00529731502892,1.48821899309,0.271026421874,88.6649849004,0.0192723176787,10.0143918804 -0.28000000000000014,0.00064468430119,8.24785892678,-0.00379500073563,1.48821899309,10.9596495355,88.6649849004,0.0194046465312,10.0143918804 -0.28500000000000014,0.00149933499259,8.24785892678,-0.00304127280144,1.48821899309,0.139037315517,88.6649849004,0.019797766401,10.0143918804 -0.29000000000000015,0.00279923531861,8.24785892678,-0.00259708281353,1.48821899309,0.0964728011067,88.6649849004,0.0204969877759,10.0143918804 -0.29500000000000015,0.00421500842565,8.24785892678,-0.00231253010197,1.48821899309,0.0718072142544,88.6649849004,0.021570783776,10.0143918804 -0.30000000000000016,0.00588709888809,8.24785892678,-0.00212285238844,1.48821899309,0.0585401547807,88.6649849004,0.0231237670441,10.0143918804 -0.30500000000000016,0.00796095808816,8.24785892678,-0.00199589698276,1.48821899309,0.0509454886095,88.6649849004,0.0253196873874,10.0143918804 -0.31000000000000016,0.0106456583905,8.24785892678,-0.00191434209572,1.48821899309,0.0466973452571,88.6649849004,0.0284250738279,10.0143918804 -0.31500000000000017,0.014274995554,8.24785892678,-0.00186856406525,1.48821899309,0.0448414265161,88.6649849004,0.0328990905541,10.0143918804 -0.3200000000000002,0.0194208518108,8.24785892678,-0.0018534577933,1.48821899309,0.0451499679176,88.6649849004,0.0395989671083,10.0143918804 -0.3250000000000002,0.0271369486365,8.24785892678,-0.00186696803183,1.48821899309,0.0480780970995,88.6649849004,0.0503216477519,10.0143918804 -0.3300000000000002,0.0395449317938,8.24785892678,-0.00190949210519,1.48821899309,0.0554233382163,88.6649849004,0.0695641047779,10.0143918804 -0.3350000000000002,0.0614484432964,8.24785892678,-0.00198384702554,1.48821899309,0.0738633465716,88.6649849004,0.112619304112,10.0143918804 -0.3400000000000002,0.105693083605,8.24785892678,-0.00209575938315,1.48821899309,0.150828252378,88.6649849004,0.286486021512,10.0143918804 -0.3450000000000002,0.216817117462,8.24785892678,-0.00225505892529,1.48821899309,0.236469353326,88.6649849004,-0.587626440054,10.0143918804 -0.3500000000000002,0.644584303784,8.24785892678,-0.00247809975398,1.48821899309,0.0414285202324,88.6649849004,-0.150910767825,10.0143918804 -0.3550000000000002,7.34492012252,8.24785892678,-0.00279269257058,1.48821899309,0.00951481137276,88.6649849004,-0.089033708049,10.0143918804 -0.3600000000000002,4.34288558843,8.24785892678,-0.00324886058394,1.48821899309,0.0118899997706,88.6649849004,-0.0645816384117,10.0143918804 -0.3650000000000002,0.597040173151,8.24785892678,-0.00394508723374,1.48821899309,0.012976604334,88.6649849004,-0.0516337014989,10.0143918804 -0.3700000000000002,0.236129459868,8.24785892678,-0.00510397224372,1.48821899309,0.0121979687809,88.6649849004,-0.0437121248552,10.0143918804 -0.3750000000000002,0.134268453419,8.24785892678,-0.00735494869215,1.48821899309,0.010775383829,88.6649849004,-0.0384315095947,10.0143918804 -0.3800000000000002,0.0999823476125,8.24785892678,-0.0134387140869,1.48821899309,0.00885858383799,88.6649849004,-0.0347086528934,10.0143918804 -0.38500000000000023,0.200080093136,8.24785892678,-0.0828345467557,1.48821899309,0.00609499699586,88.6649849004,-0.0319814634776,10.0143918804 -0.39000000000000024,0.00332456893692,8.24785892678,0.0198831111441,1.48821899309,0.00299919074849,88.6649849004,-0.0299300713768,10.0143918804 -0.39500000000000024,0.0139173823182,8.24785892678,0.00893055145572,1.48821899309,0.00789639452663,88.6649849004,-0.0283599192504,10.0143918804 -0.40000000000000024,0.0133567482408,8.24785892678,0.00580314890957,1.48821899309,0.0112482581254,88.6649849004,-0.027146786368,10.0143918804 -0.40500000000000025,0.011518636728,8.24785892678,0.00433379576915,1.48821899309,0.0143798669505,88.6649849004,-0.0262086004685,10.0143918804 -0.41000000000000025,0.00962369943993,8.24785892678,0.00348756344363,1.48821899309,0.0176380464408,88.6649849004,-0.0254899867306,10.0143918804 -0.41500000000000026,0.00786381952111,8.24785892678,0.00294256478533,1.48821899309,0.0212625406972,88.6649849004,-0.024953353551,10.0143918804 -0.42000000000000026,0.00621460160306,8.24785892678,0.00256618619707,1.48821899309,0.0255097148848,88.6649849004,-0.0245735597875,10.0143918804 -0.42500000000000027,0.00457043669825,8.24785892678,0.00229387323068,1.48821899309,0.0307250939343,88.6649849004,-0.0243346685743,10.0143918804 -0.43000000000000027,0.00266017914029,8.24785892678,0.00209050295774,1.48821899309,0.0374407956532,88.6649849004,-0.0242280003004,10.0143918804 -0.4350000000000003,0.00195939305634,8.24785892678,0.00193539386917,1.48821899309,0.0465622681817,88.6649849004,-0.024251065837,10.0143918804 -0.4400000000000003,0.0035237192344,8.24785892678,0.00181564315485,1.48821899309,0.0597938849395,88.6649849004,-0.0244071712941,10.0143918804 -0.4450000000000003,0.00433452513221,8.24785892678,0.00172285541782,1.48821899309,0.0807750410009,88.6649849004,-0.024705624287,10.0143918804 -0.4500000000000003,0.00475641828387,8.24785892678,0.00165141071447,1.48821899309,0.118816511016,88.6649849004,-0.0251625879,10.0143918804 -0.4550000000000003,0.00479440772918,8.24785892678,0.00159749364007,1.48821899309,0.205973204895,88.6649849004,-0.0258027601299,10.0143918804 -0.4600000000000003,0.00424613982034,8.24785892678,0.00155852659959,1.48821899309,0.547182482662,88.6649849004,-0.0266622490973,10.0143918804 -0.4650000000000003,0.00210285895465,8.24785892678,0.00153283231927,1.48821899309,99.5260284787,88.6649849004,-0.0277933452369,10.0143918804 -0.4700000000000003,0.00486975364646,8.24785892678,0.00151943582873,1.48821899309,0.0138994713427,88.6649849004,-0.0292725194292,10.0143918804 -0.4750000000000003,0.00876296610878,8.24785892678,0.00151795932369,1.48821899309,0.0904834186149,88.6649849004,-0.031214259646,10.0143918804 -0.4800000000000003,0.0131742533757,8.24785892678,0.00152858754083,1.48821899309,0.0864760848037,88.6649849004,-0.0337961836701,10.0143918804 -0.4850000000000003,0.0186745982665,8.24785892678,0.00155209733618,1.48821899309,0.0793497963282,88.6649849004,-0.0373076250711,10.0143918804 -0.4900000000000003,0.0222788015269,8.24785892678,0.00158995920005,1.48821899309,0.0661588985765,88.6649849004,-0.042251805549,10.0143918804 -0.49500000000000033,0.0223598156224,8.24785892678,0.00163377442119,1.48821899309,0.0536071163974,88.6649849004,-0.0457815800695,10.0143918804 From 28d97f4feefe734f89169ae0934ff3c95c3a0a0b Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 09:13:59 -0700 Subject: [PATCH 32/77] Delete pp2_print_6.csv Unwanted file as dictated by PR comments. --- .../Validation/DSS/pp2_print_6.csv | 101 ------------------ 1 file changed, 101 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/DSS/pp2_print_6.csv diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_6.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_6.csv deleted file mode 100644 index 889815b804..0000000000 --- a/tests/framework/PostProcessors/Validation/DSS/pp2_print_6.csv +++ /dev/null @@ -1,101 +0,0 @@ -pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation -0.0,2.70350039542,17.0559298327,-0.340789791761,2.80203717842,0.000156598717836,10.6263294019,0.000259050984778,3.94675903436 -0.005,0.145014026695,17.0559298327,-0.039757633263,2.80203717842,0.000241969968522,10.6263294019,0.000319658532634,3.94675903436 -0.01,0.0184342248343,17.0559298327,-0.015265192276,2.80203717842,0.000354422913577,10.6263294019,0.000378452525131,3.94675903436 -0.015,0.0054159793812,17.0559298327,-0.0101994156969,2.80203717842,0.000424392383677,10.6263294019,0.000429276704692,3.94675903436 -0.02,0.00225945296386,17.0559298327,-0.00810998496426,2.80203717842,0.00043603625168,10.6263294019,0.000472183459763,3.94675903436 -0.025,0.00105198298505,17.0559298327,-0.00702895799841,2.80203717842,0.000313733296765,10.6263294019,0.000508200333029,3.94675903436 -0.030000000000000002,0.000435711422307,17.0559298327,-0.00640849065588,2.80203717842,0.000446231772485,10.6263294019,0.000538925073506,3.94675903436 -0.035,5.38463247289e-05,17.0559298327,-0.00603628382787,2.80203717842,0.00094894046027,10.6263294019,0.000566218513968,3.94675903436 -0.04,0.000212177867169,17.0559298327,-0.00581376358424,2.80203717842,0.00154717277772,10.6263294019,0.000592049990332,3.94675903436 -0.045,0.00040626422662,17.0559298327,-0.00569012435036,2.80203717842,0.00233695353429,10.6263294019,0.000618491968159,3.94675903436 -0.049999999999999996,0.00054328998326,17.0559298327,-0.00563794815128,2.80203717842,0.00342526139257,10.6263294019,0.000647852891664,3.94675903436 -0.05499999999999999,0.000623791609674,17.0559298327,-0.00564286668971,2.80203717842,0.00497363209646,10.6263294019,0.000682969014109,3.94675903436 -0.05999999999999999,0.000637706405064,17.0559298327,-0.00569886521111,2.80203717842,0.0072474241277,10.6263294019,0.00072775138905,3.94675903436 -0.06499999999999999,0.000559013790756,17.0559298327,-0.00580626402911,2.80203717842,0.0107103866443,10.6263294019,0.000788255622604,3.94675903436 -0.06999999999999999,0.000287481451342,17.0559298327,-0.00597129971804,2.80203717842,0.016232269624,10.6263294019,0.000875002867617,3.94675903436 -0.075,0.000531376376373,17.0559298327,-0.00620707243262,2.80203717842,0.0256008956333,10.6263294019,0.00100877222422,3.94675903436 -0.08,0.000858935124234,17.0559298327,-0.00653625001633,2.80203717842,0.0429883048173,10.6263294019,0.00123811168698,3.94675903436 -0.085,0.00108204272058,17.0559298327,-0.00699682574799,2.80203717842,0.0801531454306,10.6263294019,0.00171063743241,3.94675903436 -0.09000000000000001,0.0011770657274,17.0559298327,-0.00765425421471,2.80203717842,0.182929008938,10.6263294019,0.00319418398349,3.94675903436 -0.09500000000000001,0.00106598461032,17.0559298327,-0.00862891977985,2.80203717842,0.0722659787062,10.6263294019,-0.0558632772073,3.94675903436 -0.10000000000000002,0.000567583320314,17.0559298327,-0.0101665437859,2.80203717842,19.4694915252,10.6263294019,-0.00236621812496,3.94675903436 -0.10500000000000002,0.000667520653281,17.0559298327,-0.0128563411379,2.80203717842,1.38233592719,10.6263294019,-0.00108614061781,3.94675903436 -0.11000000000000003,0.000209642723362,17.0559298327,-0.0185517134201,2.80203717842,0.257274008061,10.6263294019,-0.000648733253403,3.94675903436 -0.11500000000000003,0.00828452343367,17.0559298327,-0.0376870320832,2.80203717842,0.0964666432242,10.6263294019,-0.000428477594825,3.94675903436 -0.12000000000000004,0.144707239827,17.0559298327,0.225504523191,2.80203717842,0.0449010921327,10.6263294019,-0.000294927332069,3.94675903436 -0.12500000000000003,0.03526551275,17.0559298327,0.0256238274837,2.80203717842,0.0222977585157,10.6263294019,-0.000203317850298,3.94675903436 -0.13000000000000003,0.0331703928247,17.0559298327,0.0129538127074,2.80203717842,0.0107190798809,10.6263294019,-0.000133519351623,3.94675903436 -0.13500000000000004,0.0369186074587,17.0559298327,0.00841020326735,2.80203717842,0.0043278080903,10.6263294019,-7.4325301277e-05,3.94675903436 -0.14000000000000004,0.0436136080195,17.0559298327,0.00608914584789,2.80203717842,0.000736531455036,10.6263294019,-1.78827433674e-05,3.94675903436 -0.14500000000000005,0.0533321888769,17.0559298327,0.00468169339618,2.80203717842,0.00120879479541,10.6263294019,4.30261471329e-05,3.94675903436 -0.15000000000000005,0.0674116919862,17.0559298327,0.00372924865983,2.80203717842,0.00214420007139,10.6263294019,0.000117102174359,3.94675903436 -0.15500000000000005,0.0891968213127,17.0559298327,0.00302732767872,2.80203717842,0.00245434257718,10.6263294019,0.000217359782777,3.94675903436 -0.16000000000000006,0.127404954201,17.0559298327,0.00246903815056,2.80203717842,0.00238171352001,10.6263294019,0.000366651411219,3.94675903436 -0.16500000000000006,0.210920752682,17.0559298327,0.0019913857224,2.80203717842,0.00207262799839,10.6263294019,0.000611341259544,3.94675903436 -0.17000000000000007,0.498933262292,17.0559298327,0.00155338362272,2.80203717842,0.00158067306088,10.6263294019,0.0010637940542,3.94675903436 -0.17500000000000007,6.46878977584,17.0559298327,0.00112593710116,2.80203717842,0.000626655506181,10.6263294019,0.00208610786992,3.94675903436 -0.18000000000000008,0.655111298002,17.0559298327,0.00068665319288,2.80203717842,0.00207238908005,10.6263294019,0.00585768478698,3.94675903436 -0.18500000000000008,0.0317676366152,17.0559298327,0.000216876394806,2.80203717842,0.00564972432766,10.6263294019,-0.0280610566834,3.94675903436 -0.19000000000000009,0.0154397403767,17.0559298327,-0.000300246989807,2.80203717842,0.000127857177934,10.6263294019,-0.00579642972555,3.94675903436 -0.1950000000000001,0.0209405045381,17.0559298327,-0.000881279280905,2.80203717842,0.000417907653267,10.6263294019,-0.0038052598963,3.94675903436 -0.2000000000000001,0.0193113216303,17.0559298327,-0.00154394429753,2.80203717842,0.00054169521748,10.6263294019,-0.00309861301637,3.94675903436 -0.2050000000000001,0.0162762817161,17.0559298327,-0.00230882190973,2.80203717842,0.000386115804839,10.6263294019,-0.00274818216886,3.94675903436 -0.2100000000000001,0.013146090386,17.0559298327,-0.0032016225129,2.80203717842,0.000583485476929,10.6263294019,-0.00253594406895,3.94675903436 -0.2150000000000001,0.0102444666072,17.0559298327,-0.00425653424934,2.80203717842,0.00115971533675,10.6263294019,-0.00238349915694,3.94675903436 -0.2200000000000001,0.0076307381254,17.0559298327,-0.00552148255128,2.80203717842,0.00178861090912,10.6263294019,-0.00225711318374,3.94675903436 -0.22500000000000012,0.00529130629044,17.0559298327,-0.00706688289465,2.80203717842,0.00255513351549,10.6263294019,-0.00214199093714,3.94675903436 -0.23000000000000012,0.00319965272217,17.0559298327,-0.00900111114621,2.80203717842,0.0035360070843,10.6263294019,-0.00203267234587,3.94675903436 -0.23500000000000013,0.00134241754939,17.0559298327,-0.0114998194579,2.80203717842,0.00483543162566,10.6263294019,-0.00192838052285,3.94675903436 -0.24000000000000013,0.000251759689033,17.0559298327,-0.0148664146913,2.80203717842,0.00661557445297,10.6263294019,-0.00183040889086,3.94675903436 -0.24500000000000013,0.00142719330876,17.0559298327,-0.0196711386476,2.80203717842,0.00915138000249,10.6263294019,-0.00174065200117,3.94675903436 -0.2500000000000001,0.00134156208403,17.0559298327,-0.0271215733256,2.80203717842,0.0129471305693,10.6263294019,-0.00166088128894,3.94675903436 -0.2550000000000001,0.00454121171289,17.0559298327,-0.0402872724642,2.80203717842,0.0190149428371,10.6263294019,-0.00159249232021,3.94675903436 -0.2600000000000001,0.0133176210049,17.0559298327,-0.0699107813472,2.80203717842,0.029638700964,10.6263294019,-0.00153651636415,3.94675903436 -0.2650000000000001,0.0489126794165,17.0559298327,-0.198132500708,2.80203717842,0.0509039942947,10.6263294019,-0.00149375614947,3.94675903436 -0.27000000000000013,0.0886661204926,17.0559298327,0.318548206408,2.80203717842,0.103843483557,10.6263294019,-0.00146496712723,3.94675903436 -0.27500000000000013,0.0263483245148,17.0559298327,0.0962613977282,2.80203717842,0.30629385869,10.6263294019,-0.0014510519733,3.94675903436 -0.28000000000000014,0.0118768455379,17.0559298327,0.0595519445626,2.80203717842,3.52056808431,10.6263294019,-0.00145326716944,3.94675903436 -0.28500000000000014,0.00952071153643,17.0559298327,0.0446187950249,2.80203717842,1.90127541356,10.6263294019,-0.0014734621324,3.94675903436 -0.29000000000000015,0.0165981439163,17.0559298327,0.0366451537582,2.80203717842,0.25741702441,10.6263294019,-0.00151439176325,3.94675903436 -0.29500000000000015,0.0218944490705,17.0559298327,0.0317991936693,2.80203717842,0.0973929163908,10.6263294019,-0.00158017290396,3.94675903436 -0.30000000000000016,0.0272600383624,17.0559298327,0.0286506533365,2.80203717842,0.0511392440585,10.6263294019,-0.00167701078006,3.94675903436 -0.30500000000000016,0.0334048754438,17.0559298327,0.026549321246,2.80203717842,0.0316914741449,10.6263294019,-0.00181443793749,3.94675903436 -0.31000000000000016,0.0409491507304,17.0559298327,0.0251625927794,2.80203717842,0.0217606110383,10.6263294019,-0.00200757071178,3.94675903436 -0.31500000000000017,0.0506987399776,17.0559298327,0.0243090037022,2.80203717842,0.0160644342904,10.6263294019,-0.0022815310887,3.94675903436 -0.3200000000000002,0.0639049918989,17.0559298327,0.0238888181343,2.80203717842,0.0125604451552,10.6263294019,-0.00268092991158,3.94675903436 -0.3250000000000002,0.0827222651006,17.0559298327,0.0238525614576,2.80203717842,0.0103452193036,10.6263294019,-0.00329276522819,3.94675903436 -0.3300000000000002,0.111217443509,17.0559298327,0.0241868439622,2.80203717842,0.0090194313897,10.6263294019,-0.00431169634744,3.94675903436 -0.3350000000000002,0.157951357965,17.0559298327,0.0249096883531,2.80203717842,0.00853773267382,10.6263294019,-0.00627995344153,3.94675903436 -0.3400000000000002,0.243821515825,17.0559298327,0.0260728598896,2.80203717842,0.00967126758226,10.6263294019,-0.0114854974896,3.94675903436 -0.3450000000000002,0.432623370926,17.0559298327,0.0277718222232,2.80203717842,0.0285605934433,10.6263294019,-0.059909034898,3.94675903436 -0.3500000000000002,1.01217938142,17.0559298327,0.0301673558062,2.80203717842,0.0044207317791,10.6263294019,0.0196764669438,3.94675903436 -0.3550000000000002,5.35107276081,17.0559298327,0.0335292350289,2.80203717842,0.000542683623389,10.6263294019,0.00872235955827,3.94675903436 -0.3600000000000002,26.5029092581,17.0559298327,0.0383278895683,2.80203717842,4.58421200142e-05,10.6263294019,0.00574069816566,3.94675903436 -0.3650000000000002,1.06714375597,17.0559298327,0.0454447649229,2.80203717842,0.000276764471002,10.6263294019,0.00436502065231,3.94675903436 -0.3700000000000002,0.194506526601,17.0559298327,0.0567256927075,2.80203717842,0.000574211076725,10.6263294019,0.00358206498815,3.94675903436 -0.3750000000000002,0.0254547730141,17.0559298327,0.076768170879,2.80203717842,0.000791036912911,10.6263294019,0.00308263480337,3.94675903436 -0.3800000000000002,0.165618826081,17.0559298327,0.121042578893,2.80203717842,0.000903906892494,10.6263294019,0.00274064040645,3.94675903436 -0.38500000000000023,0.487709481509,17.0559298327,0.294288341458,2.80203717842,0.00084907668413,10.6263294019,0.00249509373355,3.94675903436 -0.39000000000000024,1.12196199264,17.0559298327,-0.66528169721,2.80203717842,0.000221034645325,10.6263294019,0.00231295829839,3.94675903436 -0.39500000000000024,0.252628102145,17.0559298327,-0.156643811924,2.80203717842,0.00130640837399,10.6263294019,0.00217484705076,3.94675903436 -0.40000000000000024,0.133578368846,17.0559298327,-0.0893616762474,2.80203717842,0.00234046719873,10.6263294019,0.00206870052358,3.94675903436 -0.40500000000000025,0.0854337532619,17.0559298327,-0.0629971127082,2.80203717842,0.00360895144704,10.6263294019,0.0019866944264,3.94675903436 -0.41000000000000025,0.0591443091825,17.0559298327,-0.0490442421112,2.80203717842,0.00526974216938,10.6263294019,0.00192360550985,3.94675903436 -0.41500000000000026,0.0423629480901,17.0559298327,-0.0404861292337,2.80203717842,0.00752448453848,10.6263294019,0.00187589502334,3.94675903436 -0.42000000000000026,0.0304148034619,17.0559298327,-0.0347579590522,2.80203717842,0.0106834641405,10.6263294019,0.00184117128988,3.94675903436 -0.42500000000000027,0.0209983700673,17.0559298327,-0.0307004950546,2.80203717842,0.0152607917455,10.6263294019,0.0018178656399,3.94675903436 -0.43000000000000027,0.0124410821025,17.0559298327,-0.0277141606588,2.80203717842,0.0221631385471,10.6263294019,0.00180503625423,3.94675903436 -0.4350000000000003,0.00454472183506,17.0559298327,-0.0254585416436,2.80203717842,0.0331081849945,10.6263294019,0.00180225461043,3.94675903436 -0.4400000000000003,0.0113462342608,17.0559298327,-0.0237268822941,2.80203717842,0.0516606353503,10.6263294019,0.00180955095554,3.94675903436 -0.4450000000000003,0.0138298611298,17.0559298327,-0.0223872489175,2.80203717842,0.0861888254948,10.6263294019,0.00182740841981,3.94675903436 -0.4500000000000003,0.0147636569806,17.0559298327,-0.0213524585446,2.80203717842,0.160170496467,10.6263294019,0.00185680510665,3.94675903436 -0.4550000000000003,0.0145048375723,17.0559298327,-0.0205636652308,2.80203717842,0.361214248897,10.6263294019,0.00189931302641,3.94675903436 -0.4600000000000003,0.0127605113913,17.0559298327,-0.0199809546106,2.80203717842,1.25893602832,10.6263294019,0.00195727528241,3.94675903436 -0.4650000000000003,0.00781052890179,17.0559298327,-0.019577787124,2.80203717842,33.79425033,10.6263294019,0.00203410321329,3.94675903436 -0.4700000000000003,0.0110367254087,17.0559298327,-0.0193377012923,2.80203717842,3.97807560743,10.6263294019,0.0021347723539,3.94675903436 -0.4750000000000003,0.0207997247792,17.0559298327,-0.019252453686,2.80203717842,0.775432666046,10.6263294019,0.00226667000184,3.94675903436 -0.4800000000000003,0.0308859094082,17.0559298327,-0.0193211792233,2.80203717842,0.331561439953,10.6263294019,0.00244110546413,3.94675903436 -0.4850000000000003,0.0428180997344,17.0559298327,-0.0195504022636,2.80203717842,0.187403608889,10.6263294019,0.00267616096866,3.94675903436 -0.4900000000000003,0.0497971047289,17.0559298327,-0.0199549168002,2.80203717842,0.107517874098,10.6263294019,0.00300249621271,3.94675903436 -0.49500000000000033,0.0493790276505,17.0559298327,-0.0204597771465,2.80203717842,0.0736976764024,10.6263294019,0.00323485187901,3.94675903436 From 3cd928b39e901cb87d5e08c01e247c4232c3cad6 Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 09:14:09 -0700 Subject: [PATCH 33/77] Delete pp2_print_7.csv Unwanted file as dictated by PR comments. --- .../Validation/DSS/pp2_print_7.csv | 101 ------------------ 1 file changed, 101 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/DSS/pp2_print_7.csv diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_7.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_7.csv deleted file mode 100644 index 1b2d47055d..0000000000 --- a/tests/framework/PostProcessors/Validation/DSS/pp2_print_7.csv +++ /dev/null @@ -1,101 +0,0 @@ -pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation -0.0,0.0306827499538,9.41582507018,-0.000557451122591,1.11278977424,3.23285962905e-05,26.7626230727,-3.97768207706e-05,3.11855839636 -0.005,0.902904316983,9.41582507018,-0.00112495449284,1.11278977424,0.00010752701866,26.7626230727,-5.11548404776e-05,3.11855839636 -0.01,0.0165880760891,9.41582507018,0.00114089926273,1.11278977424,0.000248267258665,26.7626230727,-6.30232498458e-05,3.11855839636 -0.015,0.00355786035287,9.41582507018,0.000421371820622,1.11278977424,0.00037315669509,26.7626230727,-7.38163161171e-05,3.11855839636 -0.02,0.00161337259969,9.41582507018,0.000278429812737,1.11278977424,0.000462015240706,26.7626230727,-8.33604223263e-05,3.11855839636 -0.025,0.000954019394913,9.41582507018,0.000219869626604,1.11278977424,0.00050508386182,26.7626230727,-9.16902895052e-05,3.11855839636 -0.030000000000000002,0.000647812985872,9.41582507018,0.000189606326064,1.11278977424,0.000455791762794,26.7626230727,-9.90026468141e-05,3.11855839636 -0.035,0.000477958125948,9.41582507018,0.000172252706692,1.11278977424,0.000198308747405,26.7626230727,-0.000105602575883,3.11855839636 -0.04,0.000371801216637,9.41582507018,0.000161899497952,1.11278977424,0.000838707484391,26.7626230727,-0.00011186527912,3.11855839636 -0.045,0.000299200174921,9.41582507018,0.000155826972898,1.11278977424,0.00148760310243,26.7626230727,-0.000118224378687,3.11855839636 -0.049999999999999996,0.00024567597282,9.41582507018,0.00015265197448,1.11278977424,0.00232839457664,26.7626230727,-0.000125192300053,3.11855839636 -0.05499999999999999,0.000203411544118,9.41582507018,0.000151649095753,1.11278977424,0.00347283925572,26.7626230727,-0.000133422167594,3.11855839636 -0.05999999999999999,0.000167662679905,9.41582507018,0.000152467686434,1.11278977424,0.0050734926912,26.7626230727,-0.000143837878484,3.11855839636 -0.06499999999999999,0.00013503915901,9.41582507018,0.000155009611959,1.11278977424,0.0073667798554,26.7626230727,-0.000157905145923,3.11855839636 -0.06999999999999999,0.000102261567593,9.41582507018,0.000159387238238,1.11278977424,0.0107427641775,26.7626230727,-0.000178249677159,3.11855839636 -0.075,6.34386960977e-05,9.41582507018,0.000165936730283,1.11278977424,0.0158853299862,26.7626230727,-0.000210289020811,3.11855839636 -0.08,3.87347745242e-05,9.41582507018,0.000175291467633,1.11278977424,0.0240843846341,26.7626230727,-0.000267577213734,3.11855839636 -0.085,7.96192871896e-05,9.41582507018,0.000188552920371,1.11278977424,0.0379986911922,26.7626230727,-0.000396822094901,3.11855839636 -0.09000000000000001,0.000102571823978,9.41582507018,0.000207663091006,1.11278977424,0.0633224473537,26.7626230727,-0.000941630522183,3.11855839636 -0.09500000000000001,0.000117554274876,9.41582507018,0.000236268340775,1.11278977424,0.132404684301,26.7626230727,0.00145531495952,3.11855839636 -0.10000000000000002,0.000124487282285,9.41582507018,0.000281996779682,1.11278977424,0.31503518025,26.7626230727,0.00035834387222,3.11855839636 -0.10500000000000002,0.000115287091373,9.41582507018,0.000363808896115,1.11278977424,1.59083348437,26.7626230727,0.000187508432009,3.11855839636 -0.11000000000000003,5.1909021237e-05,9.41582507018,0.000545316634447,1.11278977424,21.3048443491,26.7626230727,0.00011851795602,3.11855839636 -0.11500000000000003,0.000386518403935,9.41582507018,0.00125410530737,1.11278977424,0.591950911494,26.7626230727,8.12900326612e-05,3.11855839636 -0.12000000000000004,0.000946482736945,9.41582507018,-0.00276479865149,1.11278977424,0.155048626235,26.7626230727,5.78629181494e-05,3.11855839636 -0.12500000000000003,0.000151746541504,9.41582507018,-0.000609212147903,1.11278977424,0.0601471585328,26.7626230727,4.14666739701e-05,3.11855839636 -0.13000000000000003,1.03877529358e-06,9.41582507018,-0.000329213157915,1.11278977424,0.0260683220409,26.7626230727,2.88946006248e-05,3.11855839636 -0.13500000000000004,9.63870452114e-05,9.41582507018,-0.000220024971557,1.11278977424,0.0108509351514,26.7626230727,1.83209482826e-05,3.11855839636 -0.14000000000000004,0.000184289435455,9.41582507018,-0.000162298633374,1.11278977424,0.0033447046694,26.7626230727,8.4824235061e-06,3.11855839636 -0.14500000000000005,0.000276411572646,9.41582507018,-0.000126689798503,1.11278977424,0.000448179571599,26.7626230727,-1.72192077198e-06,3.11855839636 -0.15000000000000005,0.000382498002631,9.41582507018,-0.000102428122283,1.11278977424,0.00226833569207,26.7626230727,-1.3516459439e-05,3.11855839636 -0.15500000000000005,0.00051526527586,9.41582507018,-8.45888151489e-05,1.11278977424,0.00298490713824,26.7626230727,-2.85792378502e-05,3.11855839636 -0.16000000000000006,0.000697535958197,9.41582507018,-7.05645801842e-05,1.11278977424,0.00307385503078,26.7626230727,-4.96035508974e-05,3.11855839636 -0.16500000000000006,0.000978872252848,9.41582507018,-5.88136820266e-05,1.11278977424,0.00280852300668,26.7626230727,-8.15087433565e-05,3.11855839636 -0.17000000000000007,0.0014913130025,9.41582507018,-4.83371586243e-05,1.11278977424,0.00234462818666,26.7626230727,-0.000134580255489,3.11855839636 -0.17500000000000007,0.00272017373639,9.41582507018,-3.84330408682e-05,1.11278977424,0.00175903250862,26.7626230727,-0.000234611481383,3.11855839636 -0.18000000000000008,0.00820538933534,9.41582507018,-2.85693413718e-05,1.11278977424,0.0010499187463,26.7626230727,-0.000469253336785,3.11855839636 -0.18500000000000008,10.6977065865,9.41582507018,-1.83127323453e-05,1.11278977424,0.000377467807423,26.7626230727,-0.00144334631206,3.11855839636 -0.19000000000000009,0.00181876954186,9.41582507018,-7.28520083071e-06,1.11278977424,0.00198829432899,26.7626230727,0.00380352835494,3.11855839636 -0.1950000000000001,0.000298016909274,9.41582507018,4.86442780661e-06,1.11278977424,0.00172315240834,26.7626230727,0.00114095531263,3.11855839636 -0.2000000000000001,0.000484613282186,9.41582507018,1.84806778369e-05,1.11278977424,0.00173198505852,26.7626230727,0.000802430356588,3.11855839636 -0.2050000000000001,0.000478409389526,9.41582507018,3.39168035716e-05,1.11278977424,0.00164113577386,26.7626230727,0.000692843913681,3.11855839636 -0.2100000000000001,0.000443143571947,9.41582507018,5.15473038338e-05,1.11278977424,0.00137529101676,26.7626230727,0.000657905411826,3.11855839636 -0.2150000000000001,0.000406683877593,9.41582507018,7.17787175624e-05,1.11278977424,0.000633598181294,26.7626230727,0.000660244626901,3.11855839636 -0.2200000000000001,0.000374086409908,9.41582507018,9.50594242387e-05,1.11278977424,0.00145154624477,26.7626230727,0.000687097357742,3.11855839636 -0.22500000000000012,0.000345348559774,9.41582507018,0.000121888944865,1.11278977424,0.0024919919182,26.7626230727,0.000733691388974,3.11855839636 -0.23000000000000012,0.000319182009349,9.41582507018,0.000152827124769,1.11278977424,0.00359454513161,26.7626230727,0.000798644650834,3.11855839636 -0.23500000000000013,0.000293887601063,9.41582507018,0.000188503543319,1.11278977424,0.00490517967202,26.7626230727,0.000882352195968,3.11855839636 -0.24000000000000013,0.000267455857994,9.41582507018,0.000229627527076,1.11278977424,0.0065590112144,26.7626230727,0.000986327669379,3.11855839636 -0.24500000000000013,0.000237319510863,9.41582507018,0.000276999245557,1.11278977424,0.0087409751708,26.7626230727,0.00111289297195,3.11855839636 -0.2500000000000001,0.000199579114608,9.41582507018,0.000331522555985,1.11278977424,0.0117404008389,26.7626230727,0.00126498847598,3.11855839636 -0.2550000000000001,0.000146057429909,9.41582507018,0.000394220556496,1.11278977424,0.0160477113723,26.7626230727,0.00144599092204,3.11855839636 -0.2600000000000001,1.90837157492e-05,9.41582507018,0.000466255236193,1.11278977424,0.0225605981899,26.7626230727,0.00165945967176,3.11855839636 -0.2650000000000001,0.000151737370652,9.41582507018,0.000548953216518,1.11278977424,0.0330806750009,26.7626230727,0.00190873844014,3.11855839636 -0.27000000000000013,0.000218700149796,9.41582507018,0.000643840421163,1.11278977424,0.0516929209211,26.7626230727,0.00219634308257,3.11855839636 -0.27500000000000013,0.0002670189776,9.41582507018,0.00075268968204,1.11278977424,0.0894273854518,26.7626230727,0.00252308720763,3.11855839636 -0.28000000000000014,0.000295840969064,9.41582507018,0.000877586934222,1.11278977424,0.185555738772,26.7626230727,0.002886961159,3.11855839636 -0.28500000000000014,0.00029146395723,9.41582507018,0.00102102402236,1.11278977424,0.577167840156,26.7626230727,0.00328190958063,3.11855839636 -0.29000000000000015,0.000204925986361,9.41582507018,0.00118602966583,1.11278977424,10.2487352137,26.7626230727,0.00369684641987,3.11855839636 -0.29500000000000015,0.000284536483274,9.41582507018,0.00137635556721,1.11278977424,1.99347013948,26.7626230727,0.00411543626571,3.11855839636 -0.30000000000000016,0.000596911791929,9.41582507018,0.00159674334825,1.11278977424,0.320959386856,26.7626230727,0.0045171998707,3.11855839636 -0.30500000000000016,0.000957747446753,9.41582507018,0.00185331241199,1.11278977424,0.120733662553,26.7626230727,0.00488018580299,3.11855839636 -0.31000000000000016,0.00141891567545,9.41582507018,0.00215413353736,1.11278977424,0.0605269635727,26.7626230727,0.0051847701627,3.11855839636 -0.31500000000000017,0.00203066329996,9.41582507018,0.00251009686648,1.11278977424,0.0350851626381,26.7626230727,0.00541742730367,3.11855839636 -0.3200000000000002,0.0028638633866,9.41582507018,0.00293626382708,1.11278977424,0.0222276102019,26.7626230727,0.00557310011959,3.11855839636 -0.3250000000000002,0.00402927490083,9.41582507018,0.00345404844976,1.11278977424,0.0149751184191,26.7626230727,0.00565536595129,3.11855839636 -0.3300000000000002,0.00571119111095,9.41582507018,0.00409489024731,1.11278977424,0.0105625631986,26.7626230727,0.00567460221727,3.11855839636 -0.3350000000000002,0.00823605774456,9.41582507018,0.00490676581009,1.11278977424,0.0077153027945,26.7626230727,0.00564512067525,3.11855839636 -0.3400000000000002,0.0122271018125,9.41582507018,0.00596648538713,1.11278977424,0.00577991464454,26.7626230727,0.00558235862682,3.11855839636 -0.3450000000000002,0.018995346848,9.41582507018,0.00740482498323,1.11278977424,0.00439394557158,26.7626230727,0.00550082435537,3.11855839636 -0.3500000000000002,0.0316929901205,9.41582507018,0.00946343340245,1.11278977424,0.00334234235238,26.7626230727,0.00541298554899,3.11855839636 -0.3550000000000002,0.0595709626355,9.41582507018,0.0126429144169,1.11278977424,0.0024863447892,26.7626230727,0.00532894549572,3.11855839636 -0.3600000000000002,0.140776212592,9.41582507018,0.0181746074932,1.11278977424,0.00171772464755,26.7626230727,0.00525663011472,3.11855839636 -0.3650000000000002,0.626854978843,9.41582507018,0.0301146631651,1.11278977424,0.000873774219684,26.7626230727,0.00520223492173,3.11855839636 -0.3700000000000002,2.05044640812,9.41582507018,0.0743055194479,1.11278977424,0.000868952684127,26.7626230727,0.005170763208,3.11855839636 -0.3750000000000002,1.967788632,9.41582507018,-0.228642820892,1.11278977424,0.0013411350317,26.7626230727,0.00516656840981,3.11855839636 -0.3800000000000002,0.245003908081,9.41582507018,-0.0490085283738,1.11278977424,0.0015658039418,26.7626230727,0.00519387448625,3.11855839636 -0.38500000000000023,0.100123174825,9.41582507018,-0.0287984424702,1.11278977424,0.00164975224519,26.7626230727,0.00525728862216,3.11855839636 -0.39000000000000024,0.05542537026,9.41582507018,-0.021097130417,1.11278977424,0.0015957477508,26.7626230727,0.00536234935958,3.11855839636 -0.39500000000000024,0.0355326760753,9.41582507018,-0.0170989701414,1.11278977424,0.00133583190046,26.7626230727,0.00551618120264,3.11855839636 -0.40000000000000024,0.0248271759234,9.41582507018,-0.0147030530606,1.11278977424,0.000431356964331,26.7626230727,0.00572836665979,3.11855839636 -0.40500000000000025,0.0183315366917,9.41582507018,-0.0131542795141,1.11278977424,0.00163124640358,26.7626230727,0.00601221751251,3.11855839636 -0.41000000000000025,0.014039428773,9.41582507018,-0.0121164464296,1.11278977424,0.00272489168365,26.7626230727,0.00638676433496,3.11855839636 -0.41500000000000026,0.0110075021854,9.41582507018,-0.0114192283556,1.11278977424,0.00389707823712,26.7626230727,0.00688006422458,3.11855839636 -0.42000000000000026,0.00873844218418,9.41582507018,-0.010969436566,1.11278977424,0.00526257780172,26.7626230727,0.00753503682461,3.11855839636 -0.42500000000000027,0.00694247493037,9.41582507018,-0.010714530666,1.11278977424,0.0069092473011,26.7626230727,0.0084204650592,3.11855839636 -0.43000000000000027,0.00542968459402,9.41582507018,-0.0106260431118,1.11278977424,0.008919334962,26.7626230727,0.00965345784477,3.11855839636 -0.4350000000000003,0.00404685483649,9.41582507018,-0.0106917823832,1.11278977424,0.011334640699,26.7626230727,0.0114502689769,3.11855839636 -0.4400000000000003,0.00259270956285,9.41582507018,-0.0109125570054,1.11278977424,0.0139824921564,26.7626230727,0.0142583859854,3.11855839636 -0.4450000000000003,0.000869341591331,9.41582507018,-0.0113018241527,1.11278977424,0.015685422106,26.7626230727,0.0191766301145,3.11855839636 -0.4500000000000003,0.00261042853509,9.41582507018,-0.0118880026411,1.11278977424,0.00976379372345,26.7626230727,0.029814143336,3.11855839636 -0.4550000000000003,0.00344428825304,9.41582507018,-0.0127202913723,1.11278977424,0.0637181974297,26.7626230727,0.0689859651338,3.11855839636 -0.4600000000000003,0.00399788704279,9.41582507018,-0.0138804842168,1.11278977424,0.874835797642,26.7626230727,-0.208169930301,3.11855839636 -0.4650000000000003,0.004330498936,9.41582507018,-0.0155068429663,1.11278977424,0.593560492947,26.7626230727,-0.041378998195,3.11855839636 -0.4700000000000003,0.00431577516571,9.41582507018,-0.0178454317953,1.11278977424,1.42955754325,26.7626230727,-0.023041078054,3.11855839636 -0.4750000000000003,0.00329586376578,9.41582507018,-0.0213728514744,1.11278977424,19.2990481855,26.7626230727,-0.0160481184739,3.11855839636 -0.4800000000000003,0.00451029883553,9.41582507018,-0.0271394764463,1.11278977424,5.44897180868,26.7626230727,-0.0123897802269,3.11855839636 -0.4850000000000003,0.0119025242749,9.41582507018,-0.0379906792011,1.11278977424,0.826637403068,26.7626230727,-0.0101614164409,3.11855839636 -0.4900000000000003,0.0244749095371,9.41582507018,-0.0652289208328,1.11278977424,0.278172048151,26.7626230727,-0.00867817231596,3.11855839636 -0.49500000000000033,0.0382687518741,9.41582507018,-0.102746733456,1.11278977424,0.159666457462,26.7626230727,-0.00810965884763,3.11855839636 From 9bb4cb49b9bc25c1efc17c5b16bbdca6a77b00e9 Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 09:14:20 -0700 Subject: [PATCH 34/77] Delete pp2_print_8.csv Unwanted file as dictated by PR comments. --- .../Validation/DSS/pp2_print_8.csv | 101 ------------------ 1 file changed, 101 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/DSS/pp2_print_8.csv diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_8.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_8.csv deleted file mode 100644 index 5bba2b6cd3..0000000000 --- a/tests/framework/PostProcessors/Validation/DSS/pp2_print_8.csv +++ /dev/null @@ -1,101 +0,0 @@ -pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation -0.0,0.0766179352583,17.382257437,0.000755459814065,3.04157746282,0.0140341780609,44.7642229618,-0.0667114589931,5.49765965736 -0.005,0.0634762364734,17.382257437,-2.37886667141e-07,3.04157746282,0.0198530934049,44.7642229618,-0.0836126007673,5.49765965736 -0.01,0.0427570295443,17.382257437,-8.45402657216e-08,3.04157746282,0.0252939453424,44.7642229618,-0.100349963348,5.49765965736 -0.015,0.0286018652395,17.382257437,-5.57957133201e-08,3.04157746282,0.0243388730404,44.7642229618,-0.115046986624,5.49765965736 -0.02,0.0210236449805,17.382257437,-4.42667142247e-08,3.04157746282,0.0129984415582,44.7642229618,-0.127728188461,5.49765965736 -0.025,0.0164575281605,17.382257437,-3.84227771502e-08,3.04157746282,0.0283035069215,44.7642229618,-0.13872547446,5.49765965736 -0.030000000000000002,0.0134418131959,17.382257437,-3.51517091895e-08,3.04157746282,0.0502366951236,44.7642229618,-0.148567035324,5.49765965736 -0.035,0.0112825784351,17.382257437,-3.32697900065e-08,3.04157746282,0.0728063028921,44.7642229618,-0.157900812851,5.49765965736 -0.04,0.00960829455293,17.382257437,-3.22378490597e-08,3.04157746282,0.0981902030458,44.7642229618,-0.167475585491,5.49765965736 -0.045,0.00819416765048,17.382257437,-3.17868308301e-08,3.04157746282,0.128379738659,44.7642229618,-0.178190252587,5.49765965736 -0.049999999999999996,0.00688019091495,17.382257437,-3.17820325634e-08,3.04157746282,0.166340299881,44.7642229618,-0.191234386736,5.49765965736 -0.05499999999999999,0.00551759426795,17.382257437,-3.2167767044e-08,3.04157746282,0.217201578683,44.7642229618,-0.208392722618,5.49765965736 -0.05999999999999999,0.00388240844208,17.382257437,-3.29453857917e-08,3.04157746282,0.290804374855,44.7642229618,-0.232728462736,5.49765965736 -0.06499999999999999,0.000718467776938,17.382257437,-3.41694417397e-08,3.04157746282,0.408478140868,44.7642229618,-0.270329968835,5.49765965736 -0.06999999999999999,0.00365483905979,17.382257437,-3.5959154201e-08,3.04157746282,0.625213421512,44.7642229618,-0.33577072639,5.49765965736 -0.075,0.00510229819122,17.382257437,-3.85312409052e-08,3.04157746282,1.12948805066,44.7642229618,-0.475684829117,5.49765965736 -0.08,0.00601119925538,17.382257437,-4.22748563649e-08,3.04157746282,3.11685857128,44.7642229618,-0.967966986377,5.49765965736 -0.085,0.00640846745449,17.382257437,-4.79284952287e-08,3.04157746282,17.7930104612,44.7642229618,3.61274599878,5.49765965736 -0.09000000000000001,0.00604375957229,17.382257437,-5.70523913778e-08,3.04157746282,5.35189434669,44.7642229618,0.529095850456,5.49765965736 -0.09500000000000001,0.00398213815592,17.382257437,-7.35780664916e-08,3.04157746282,24.8146650348,44.7642229618,0.25674482114,5.49765965736 -0.10000000000000002,0.00553682685252,17.382257437,-1.11032838583e-07,3.04157746282,0.258751826313,44.7642229618,0.155549851088,5.49765965736 -0.10500000000000002,0.0107953176057,17.382257437,-2.67586197346e-07,3.04157746282,0.327998619471,44.7642229618,0.102750899158,5.49765965736 -0.11000000000000003,0.0161203828179,17.382257437,4.46800910848e-07,3.04157746282,0.170078372383,44.7642229618,0.0699664304609,5.49765965736 -0.11500000000000003,0.0220007957478,17.382257437,1.12042588921e-07,3.04157746282,0.0904048618576,44.7642229618,0.0469550141142,5.49765965736 -0.12000000000000004,0.0286209377741,17.382257437,6.12730188443e-08,3.04157746282,0.0460652867323,44.7642229618,0.0289153741263,5.49765965736 -0.12500000000000003,0.0361246921327,17.382257437,4.09369377937e-08,3.04157746282,0.0176903531448,44.7642229618,0.0130230763885,5.49765965736 -0.13000000000000003,0.0446985036227,17.382257437,3.0037208598e-08,3.04157746282,0.00338956638442,44.7642229618,-0.00287654390044,5.49765965736 -0.13500000000000004,0.0546533591936,17.382257437,2.32262928677e-08,3.04157746282,0.021594472442,44.7642229618,-0.0209917021408,5.49765965736 -0.14000000000000004,0.0665529540417,17.382257437,1.85015539036e-08,3.04157746282,0.0396630593666,44.7642229618,-0.0442792801278,5.49765965736 -0.14500000000000005,0.0814554862728,17.382257437,1.49305409444e-08,3.04157746282,0.0598781249142,44.7642229618,-0.0775699273158,5.49765965736 -0.15000000000000005,0.101450488483,17.382257437,1.2008965536e-08,3.04157746282,0.0849733064531,44.7642229618,-0.130080889287,5.49765965736 -0.15500000000000005,0.131087691699,17.382257437,9.43049458666e-09,3.04157746282,0.119536030406,44.7642229618,-0.222508547462,5.49765965736 -0.16000000000000006,0.182186827663,17.382257437,6.98998015508e-09,3.04157746282,0.174241341616,44.7642229618,-0.413591494153,5.49765965736 -0.16500000000000006,0.297507195561,17.382257437,4.53756308295e-09,3.04157746282,0.289227085144,44.7642229618,-0.963642202773,5.49765965736 -0.17000000000000007,0.837797414979,17.382257437,1.95431528909e-09,3.04157746282,1.32413875409,44.7642229618,-8.63679459601,5.49765965736 -0.17500000000000007,0.837676472005,17.382257437,-8.62578290917e-10,3.04157746282,0.314543654714,44.7642229618,1.99844153162,5.49765965736 -0.18000000000000008,0.279293962,17.382257437,-4.01072931105e-09,3.04157746282,0.260293294945,44.7642229618,1.09238186369,5.49765965736 -0.18500000000000008,0.161040950522,17.382257437,-7.59274667908e-09,3.04157746282,0.225977459461,44.7642229618,0.831034650158,5.49765965736 -0.19000000000000009,0.110044322648,17.382257437,-1.17281972013e-08,3.04157746282,0.195962237397,44.7642229618,0.706011058762,5.49765965736 -0.1950000000000001,0.0815169701597,17.382257437,-1.65701065808e-08,3.04157746282,0.161632599019,44.7642229618,0.628518845663,5.49765965736 -0.2000000000000001,0.0632046975998,17.382257437,-2.2330243826e-08,3.04157746282,0.114874416572,44.7642229618,0.57093222884,5.49765965736 -0.2050000000000001,0.0503844703786,17.382257437,-2.93209701027e-08,3.04157746282,0.0208004483174,44.7642229618,0.522711837371,5.49765965736 -0.2100000000000001,0.0408436777528,17.382257437,-3.80296619088e-08,3.04157746282,0.120357523115,44.7642229618,0.479778351864,5.49765965736 -0.2150000000000001,0.0334026737013,17.382257437,-4.92619406658e-08,3.04157746282,0.16959777707,44.7642229618,0.440788804413,5.49765965736 -0.2200000000000001,0.0273695701411,17.382257437,-6.44446399277e-08,3.04157746282,0.20824181058,44.7642229618,0.405497198787,5.49765965736 -0.22500000000000012,0.0223047163346,17.382257437,-8.63485530164e-08,3.04157746282,0.242484086328,44.7642229618,0.373985814301,5.49765965736 -0.23000000000000012,0.0179041859402,17.382257437,-1.2112045367e-07,3.04157746282,0.275804025599,44.7642229618,0.346339629622,5.49765965736 -0.23500000000000013,0.0139298028655,17.382257437,-1.85599687903e-07,3.04157746282,0.311195940663,44.7642229618,0.322549142671,5.49765965736 -0.24000000000000013,0.0101407813938,17.382257437,-3.48242830226e-07,3.04157746282,0.351963531459,44.7642229618,0.302516917789,5.49765965736 -0.24500000000000013,0.00610456971412,17.382257437,-1.57210165907e-06,3.04157746282,0.402459786508,44.7642229618,0.286099832693,5.49765965736 -0.2500000000000001,0.00299428610602,17.382257437,7.31761569145e-07,3.04157746282,0.469302994217,44.7642229618,0.273155791181,5.49765965736 -0.2550000000000001,0.0063209961021,17.382257437,3.15611005104e-07,3.04157746282,0.56391709594,44.7642229618,0.263584697327,5.49765965736 -0.2600000000000001,0.00763085848306,17.382257437,2.08759055658e-07,3.04157746282,0.708782814487,44.7642229618,0.25736383937,5.49765965736 -0.2650000000000001,0.00806982840295,17.382257437,1.60146511978e-07,3.04157746282,0.95604598702,44.7642229618,0.254582443172,5.49765965736 -0.27000000000000013,0.00780355083358,17.382257437,1.32673376231e-07,3.04157746282,1.46111806376,44.7642229618,0.255482670362,5.49765965736 -0.27500000000000013,0.00668503315964,17.382257437,1.1531544489e-07,3.04157746282,2.97875048716,44.7642229618,0.260517308643,5.49765965736 -0.28000000000000014,0.00377413916681,17.382257437,1.0365033745e-07,3.04157746282,35.3299994478,44.7642229618,0.270440235118,5.49765965736 -0.28500000000000014,0.00589027703646,17.382257437,9.55713531568e-08,3.04157746282,3.00707462133,44.7642229618,0.286458261552,5.49765965736 -0.29000000000000015,0.0104641659443,17.382257437,8.99607553105e-08,3.04157746282,1.73733611056,44.7642229618,0.310500740214,5.49765965736 -0.29500000000000015,0.0149246930327,17.382257437,8.61859296816e-08,3.04157746282,1.28998833644,44.7642229618,0.345728441722,5.49765965736 -0.30000000000000016,0.0199054607256,17.382257437,8.38804495914e-08,3.04157746282,1.09777230447,44.7642229618,0.397569653937,5.49765965736 -0.30500000000000016,0.0258628938024,17.382257437,8.28404772045e-08,3.04157746282,1.02848810087,44.7642229618,0.476049189427,5.49765965736 -0.31000000000000016,0.0333694353498,17.382257437,8.29743583408e-08,3.04157746282,1.05098473511,44.7642229618,0.601780085684,5.49765965736 -0.31500000000000017,0.0432911903675,17.382257437,8.42804740603e-08,3.04157746282,1.18712482491,44.7642229618,0.82471452086,5.49765965736 -0.3200000000000002,0.0570681034441,17.382257437,8.68435079735e-08,3.04157746282,1.56439890115,44.7642229618,1.30477104152,5.49765965736 -0.3250000000000002,0.0772878741578,17.382257437,9.08469908799e-08,3.04157746282,2.99049489296,44.7642229618,2.98359259391,5.49765965736 -0.3300000000000002,0.109021971406,17.382257437,9.66060269805e-08,3.04157746282,11.6430906076,44.7642229618,-13.9366598512,5.49765965736 -0.3350000000000002,0.163372867292,17.382257437,1.04632326001e-07,3.04157746282,1.53930654615,44.7642229618,-2.23415848722,5.49765965736 -0.3400000000000002,0.26868331458,17.382257437,1.15759886144e-07,3.04157746282,0.705340630385,44.7642229618,-1.26848415518,5.49765965736 -0.3450000000000002,0.516364584015,17.382257437,1.31398400103e-07,3.04157746282,0.393999426039,44.7642229618,-0.915399916603,5.49765965736 -0.3500000000000002,1.35185710055,17.382257437,1.5408750332e-07,3.04157746282,0.223495137551,44.7642229618,-0.735169703334,5.49765965736 -0.3550000000000002,8.95541200506,17.382257437,1.88862512586e-07,3.04157746282,0.0967009866621,44.7642229618,-0.627499450317,5.49765965736 -0.3600000000000002,28.9157925245,17.382257437,2.47255244352e-07,3.04157746282,0.0887315595718,44.7642229618,-0.556984404462,5.49765965736 -0.3650000000000002,2.04140064426,17.382257437,3.62658377701e-07,3.04157746282,0.122318338424,44.7642229618,-0.50793815665,5.49765965736 -0.3700000000000002,0.686188136722,17.382257437,6.88521252376e-07,3.04157746282,0.130173377388,44.7642229618,-0.472349282664,5.49765965736 -0.3750000000000002,0.342920526144,17.382257437,6.81086396551e-06,3.04157746282,0.126207148569,44.7642229618,-0.445708879334,5.49765965736 -0.3800000000000002,0.206358071634,17.382257437,-8.74737058002e-07,3.04157746282,0.113160389053,44.7642229618,-0.425297229316,5.49765965736 -0.38500000000000023,0.138258167655,17.382257437,-4.16082279754e-07,3.04157746282,0.0888354991172,44.7642229618,-0.40938978377,5.49765965736 -0.39000000000000024,0.0992757117514,17.382257437,-2.76141533993e-07,3.04157746282,0.0342044876592,44.7642229618,-0.396853988338,5.49765965736 -0.39500000000000024,0.0747228392712,17.382257437,-2.08909348535e-07,3.04157746282,0.0873433212143,44.7642229618,-0.386929340875,5.49765965736 -0.40000000000000024,0.058092908911,17.382257437,-1.6974028524e-07,3.04157746282,0.137949162302,44.7642229618,-0.379100324519,5.49765965736 -0.40500000000000025,0.0461279485462,17.382257437,-1.44328470817e-07,3.04157746282,0.184096818585,44.7642229618,-0.373019610799,5.49765965736 -0.41000000000000025,0.037030882991,17.382257437,-1.26681304813e-07,3.04157746282,0.231451835307,44.7642229618,-0.368460122885,5.49765965736 -0.41500000000000026,0.0297173927724,17.382257437,-1.1384971055e-07,3.04157746282,0.283249427815,44.7642229618,-0.365284649124,5.49765965736 -0.42000000000000026,0.0234564906682,17.382257437,-1.04216368056e-07,3.04157746282,0.342690613933,44.7642229618,-0.363426818521,5.49765965736 -0.42500000000000027,0.0176463581116,17.382257437,-9.68228967361e-08,3.04157746282,0.413909556542,44.7642229618,-0.362880013503,5.49765965736 -0.43000000000000027,0.0114971205473,17.382257437,-9.1068004043e-08,3.04157746282,0.50304268279,44.7642229618,-0.363692409128,5.49765965736 -0.4350000000000003,0.00268027058148,17.382257437,-8.65581854696e-08,3.04157746282,0.620105717779,44.7642229618,-0.365967395628,5.49765965736 -0.4400000000000003,0.0108379331777,17.382257437,-8.30281657082e-08,3.04157746282,0.78298600995,44.7642229618,-0.369869506547,5.49765965736 -0.4450000000000003,0.0142463500807,17.382257437,-8.02959980022e-08,3.04157746282,1.02725455535,44.7642229618,-0.3756368878,5.49765965736 -0.4500000000000003,0.016191858155,17.382257437,-7.82366211185e-08,3.04157746282,1.43490622822,44.7642229618,-0.383602569944,5.49765965736 -0.4550000000000003,0.0169359462252,17.382257437,-7.67658718131e-08,3.04157746282,2.24350595478,44.7642229618,-0.39422874796,5.49765965736 -0.4600000000000003,0.0160926654828,17.382257437,-7.58307989645e-08,3.04157746282,4.50152487095,44.7642229618,-0.408161671023,5.49765965736 -0.4650000000000003,0.0120549150113,17.382257437,-7.54040669454e-08,3.04157746282,23.7857952866,44.7642229618,-0.426321124734,5.49765965736 -0.4700000000000003,0.0106514961142,17.382257437,-7.54812981885e-08,3.04157746282,3.01522648483,44.7642229618,-0.450051235414,5.49765965736 -0.4750000000000003,0.0249502300599,17.382257437,-7.60808609275e-08,3.04157746282,2.02773616538,44.7642229618,-0.481386519321,5.49765965736 -0.4800000000000003,0.0396287384342,17.382257437,-7.7246105534e-08,3.04157746282,1.73740406466,44.7642229618,-0.523549672213,5.49765965736 -0.4850000000000003,0.0574696004356,17.382257437,-7.90505602526e-08,3.04157746282,1.50891777393,44.7642229618,-0.581955448149,5.49765965736 -0.4900000000000003,0.0692535087708,17.382257437,-8.16072910692e-08,3.04157746282,1.22516588853,44.7642229618,-0.666442262839,5.49765965736 -0.49500000000000033,0.0702459831803,17.382257437,-8.45272772513e-08,3.04157746282,0.98926977011,44.7642229618,-0.728823164106,5.49765965736 From e0ceb81dd30905c7ee375dda82eb2b6c5de7a3e5 Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 09:14:28 -0700 Subject: [PATCH 35/77] Delete pp2_print_9.csv Unwanted file as dictated by PR comments. --- .../Validation/DSS/pp2_print_9.csv | 101 ------------------ 1 file changed, 101 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/DSS/pp2_print_9.csv diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print_9.csv b/tests/framework/PostProcessors/Validation/DSS/pp2_print_9.csv deleted file mode 100644 index 228194a161..0000000000 --- a/tests/framework/PostProcessors/Validation/DSS/pp2_print_9.csv +++ /dev/null @@ -1,101 +0,0 @@ -pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation -0.0,0.764555917836,18.1140398957,-0.00195238046846,1.47154939559,5.38967449988e-06,74.6823596112,7.45813228589e-05,5.29995970548 -0.005,9.30858909673,18.1140398957,-0.00100864803365,1.47154939559,1.24795723904e-05,74.6823596112,9.02270196318e-05,5.29995970548 -0.01,0.122334352586,18.1140398957,-0.000540517984425,1.47154939559,2.30373480673e-05,74.6823596112,0.000104951685713,5.29995970548 -0.015,0.0360350905229,18.1140398957,-0.000395318449729,1.47154939559,3.11545786472e-05,74.6823596112,0.000117536572211,5.29995970548 -0.02,0.0178616080118,18.1140398957,-0.00032806376042,1.47154939559,3.52673546559e-05,74.6823596112,0.000128118033517,5.29995970548 -0.025,0.0110996588791,18.1140398957,-0.000291469775938,1.47154939559,3.48725374001e-05,74.6823596112,0.00013704885295,5.29995970548 -0.030000000000000002,0.00782442239411,18.1140398957,-0.000270021532621,1.47154939559,2.74601270738e-05,74.6823596112,0.000144796857306,5.29995970548 -0.035,0.00596713854891,18.1140398957,-0.000257165344332,1.47154939559,1.74308869852e-05,74.6823596112,0.000151879556221,5.29995970548 -0.04,0.00479142607467,18.1140398957,-0.000249704165621,1.47154939559,4.68681025843e-05,74.6823596112,0.000158841403937,5.29995970548 -0.045,0.00397883944845,18.1140398957,-0.000245951779029,1.47154939559,7.29695189883e-05,74.6823596112,0.000166270769047,5.29995970548 -0.049999999999999996,0.00337056580719,18.1140398957,-0.000245005533108,1.47154939559,0.000102009459134,74.6823596112,0.000174857084079,5.29995970548 -0.05499999999999999,0.00287691949975,18.1140398957,-0.000246427172135,1.47154939559,0.000137128469396,74.6823596112,0.000185503180524,5.29995970548 -0.05999999999999999,0.00243978712216,18.1140398957,-0.00025009959392,1.47154939559,0.000182434923644,74.6823596112,0.000199540385351,5.29995970548 -0.06499999999999999,0.00201330853255,18.1140398957,-0.000256175553209,1.47154939559,0.000244837471868,74.6823596112,0.000219175545031,5.29995970548 -0.06999999999999999,0.00154676629616,18.1140398957,-0.000265091173375,1.47154939559,0.000337611433295,74.6823596112,0.000248544527189,5.29995970548 -0.075,0.000933218556283,18.1140398957,-0.000277648598126,1.47154939559,0.000490166282839,74.6823596112,0.000296651750882,5.29995970548 -0.08,0.000738229383803,18.1140398957,-0.000295205653909,1.47154939559,0.000782836614714,74.6823596112,0.000387882072793,5.29995970548 -0.085,0.00135111811562,18.1140398957,-0.000320074823849,1.47154939559,0.00153831819746,74.6823596112,0.000620141189165,5.29995970548 -0.09000000000000001,0.00169304045562,18.1140398957,-0.000356400095265,1.47154939559,0.00704095952057,74.6823596112,0.00230114231943,5.29995970548 -0.09500000000000001,0.00186223763633,18.1140398957,-0.000412295854754,1.47154939559,0.00366566346322,74.6823596112,-0.000993689694002,5.29995970548 -0.10000000000000002,0.00182002129162,18.1140398957,-0.000505986346365,1.47154939559,0.00121399643134,74.6823596112,-0.000359947224045,5.29995970548 -0.10500000000000002,0.0014019346304,18.1140398957,-0.000688568246118,1.47154939559,0.00476364579429,74.6823596112,-0.000200815453204,5.29995970548 -0.11000000000000003,0.00096518997665,18.1140398957,-0.00117897439105,1.47154939559,0.0228786763106,74.6823596112,-0.000128704078952,5.29995970548 -0.11500000000000003,0.00106584058215,18.1140398957,-0.00622483162807,1.47154939559,0.00202501780625,74.6823596112,-8.74296939224e-05,5.29995970548 -0.12000000000000004,0.00500065142453,18.1140398957,0.00163464307481,1.47154939559,0.000644592110542,74.6823596112,-6.02566312226e-05,5.29995970548 -0.12500000000000003,0.0063405052665,18.1140398957,0.000680912709895,1.47154939559,0.000263169163118,74.6823596112,-4.02890758731e-05,5.29995970548 -0.13000000000000003,0.00806093143485,18.1140398957,0.000415127950183,1.47154939559,0.000106765119713,74.6823596112,-2.396500269e-05,5.29995970548 -0.13500000000000004,0.0100310279142,18.1140398957,0.000291255467184,1.47154939559,2.87950161848e-05,74.6823596112,-8.98515368402e-06,5.29995970548 -0.14000000000000004,0.0122675900269,18.1140398957,0.000219812525857,1.47154939559,1.56198184827e-05,74.6823596112,6.58237083438e-06,5.29995970548 -0.14500000000000005,0.0148351988889,18.1140398957,0.000173084366444,1.47154939559,4.45234611385e-05,74.6823596112,2.48908800733e-05,5.29995970548 -0.15000000000000005,0.0178615263141,18.1140398957,0.000139569234505,1.47154939559,6.68822854882e-05,74.6823596112,4.89881660267e-05,5.29995970548 -0.15500000000000005,0.0215861105014,18.1140398957,0.000113544805269,1.47154939559,8.83071290355e-05,74.6823596112,8.40179601309e-05,5.29995970548 -0.16000000000000006,0.0264694626739,18.1140398957,9.17642533806e-05,1.47154939559,0.000113663052235,74.6823596112,0.000140028985451,5.29995970548 -0.16500000000000006,0.0334698845667,18.1140398957,7.21801565184e-05,1.47154939559,0.000149542671478,74.6823596112,0.000240182391112,5.29995970548 -0.17000000000000007,0.0449012179012,18.1140398957,5.33783782595e-05,1.47154939559,0.000210665987604,74.6823596112,0.00045294177425,5.29995970548 -0.17500000000000007,0.0680565351862,18.1140398957,3.42976465134e-05,1.47154939559,0.000358490123034,74.6823596112,0.00111006239632,5.29995970548 -0.18000000000000008,0.14347327974,18.1140398957,1.40749791421e-05,1.47154939559,0.00653073824288,74.6823596112,0.038058520468,5.29995970548 -0.18500000000000008,0.642873311033,18.1140398957,-8.05134042323e-06,1.47154939559,0.000256170021662,74.6823596112,-0.00179839086359,5.29995970548 -0.19000000000000009,0.0986041883731,18.1140398957,-3.28143617829e-05,1.47154939559,0.000240592785336,74.6823596112,-0.00106067265365,5.29995970548 -0.1950000000000001,0.051011542904,18.1140398957,-6.0985853474e-05,1.47154939559,0.000216016050804,74.6823596112,-0.000831601264163,5.29995970548 -0.2000000000000001,0.0333225034375,18.1140398957,-9.34532448432e-05,1.47154939559,0.000191151865901,74.6823596112,-0.000722614866523,5.29995970548 -0.2050000000000001,0.0240484637801,18.1140398957,-0.000131322132975,1.47154939559,0.00016024607495,74.6823596112,-0.000657479963995,5.29995970548 -0.2100000000000001,0.0183079092213,18.1140398957,-0.000176067344773,1.47154939559,0.000114842225154,74.6823596112,-0.000610921725764,5.29995970548 -0.2150000000000001,0.0143799970622,18.1140398957,-0.000229771888481,1.47154939559,3.36144447161e-05,74.6823596112,-0.000572595276345,5.29995970548 -0.2200000000000001,0.0115007697088,18.1140398957,-0.000295528865681,1.47154939559,0.000130780845012,74.6823596112,-0.000538114649882,5.29995970548 -0.22500000000000012,0.00927720033342,18.1140398957,-0.000378162338974,1.47154939559,0.000185729491917,74.6823596112,-0.00050587962063,5.29995970548 -0.23000000000000012,0.00748421033777,18.1140398957,-0.000485620133823,1.47154939559,0.000230815208826,74.6823596112,-0.000475612078806,5.29995970548 -0.23500000000000013,0.00598071199326,18.1140398957,-0.00063192175664,1.47154939559,0.000271715511068,74.6823596112,-0.000447578011658,5.29995970548 -0.24000000000000013,0.00466930951582,18.1140398957,-0.000844176709398,1.47154939559,0.000311657029419,74.6823596112,-0.000422177565884,5.29995970548 -0.24500000000000013,0.00347258368613,18.1140398957,-0.00118222912831,1.47154939559,0.000353511008207,74.6823596112,-0.000399759603836,5.29995970548 -0.2500000000000001,0.00231116647826,18.1140398957,-0.00180883982079,1.47154939559,0.00040049856492,74.6823596112,-0.000380567721625,5.29995970548 -0.2550000000000001,0.00106113257287,18.1140398957,-0.00337604978141,1.47154939559,0.000456791594434,74.6823596112,-0.000364753384301,5.29995970548 -0.2600000000000001,0.000626915008875,18.1140398957,-0.0143987962729,1.47154939559,0.000528433674054,74.6823596112,-0.000352416452598,5.29995970548 -0.2650000000000001,0.00352361459995,18.1140398957,0.00757913834939,1.47154939559,0.000625088077664,74.6823596112,-0.000343652846878,5.29995970548 -0.27000000000000013,0.00309556340049,18.1140398957,0.00321464300573,1.47154939559,0.000763704239633,74.6823596112,-0.000338602174571,5.29995970548 -0.27500000000000013,0.00296576411942,18.1140398957,0.00212745915534,1.47154939559,0.000976585668869,74.6823596112,-0.000337496012601,5.29995970548 -0.28000000000000014,0.00271832351988,18.1140398957,0.0016388103959,1.47154939559,0.00132420760588,74.6823596112,-0.000340712471422,5.29995970548 -0.28500000000000014,0.00220482673868,18.1140398957,0.00136542790093,1.47154939559,0.00167795411627,74.6823596112,-0.000348847094657,5.29995970548 -0.29000000000000015,0.000871360386332,18.1140398957,0.0011946998525,1.47154939559,40.4603300911,74.6823596112,-0.000362816690054,5.29995970548 -0.29500000000000015,0.00236294814641,18.1140398957,0.00108177403476,1.47154939559,0.00653690035317,74.6823596112,-0.000384025252781,5.29995970548 -0.30000000000000016,0.00390520655844,18.1140398957,0.00100543370658,1.47154939559,0.00285090021722,74.6823596112,-0.000414647713232,5.29995970548 -0.30500000000000016,0.0054831420096,18.1140398957,0.00095453558562,1.47154939559,0.00191302566301,74.6823596112,-0.000458147300458,5.29995970548 -0.31000000000000016,0.00729343961795,18.1140398957,0.000922890332543,1.47154939559,0.00153014547193,74.6823596112,-0.000520289330519,5.29995970548 -0.31500000000000017,0.00950633036283,18.1140398957,0.00090705749695,1.47154939559,0.00136287195377,74.6823596112,-0.000611313517831,5.29995970548 -0.3200000000000002,0.0123486734947,18.1140398957,0.000905323674353,1.47154939559,0.0013232871194,74.6823596112,-0.000751171124778,5.29995970548 -0.3250000000000002,0.0161734056215,18.1140398957,0.000917236627499,1.47154939559,0.00140401191084,74.6823596112,-0.000984417811098,5.29995970548 -0.3300000000000002,0.0215797950807,18.1140398957,0.000943453359385,1.47154939559,0.00167886086455,74.6823596112,-0.00143473252914,5.29995970548 -0.3350000000000002,0.0296691372204,18.1140398957,0.000985824293181,1.47154939559,0.00252780276001,74.6823596112,-0.00262004186973,5.29995970548 -0.3400000000000002,0.0426607577457,18.1140398957,0.00104773598243,1.47154939559,0.0104506225076,74.6823596112,-0.0131753327462,5.29995970548 -0.3450000000000002,0.0656011229113,18.1140398957,0.00113484559178,1.47154939559,0.00299110198804,74.6823596112,0.00464194250855,5.29995970548 -0.3500000000000002,0.112117833795,18.1140398957,0.00125654405373,1.47154939559,0.00104430948028,74.6823596112,0.00204646967562,5.29995970548 -0.3550000000000002,0.230474421669,18.1140398957,0.00142897051539,1.47154939559,0.000517723482752,74.6823596112,0.00134893540151,5.29995970548 -0.3600000000000002,0.706445446354,18.1140398957,0.00168175948258,1.47154939559,0.000261937290255,74.6823596112,0.0010286524863,5.29995970548 -0.3650000000000002,10.9285187228,18.1140398957,0.00207517469377,1.47154939559,6.46656203883e-05,74.6823596112,0.000846935177845,5.29995970548 -0.3700000000000002,2.90821913048,18.1140398957,0.00275256289158,1.47154939559,0.000135760674843,74.6823596112,0.000731301536352,5.29995970548 -0.3750000000000002,0.444734319339,18.1140398957,0.00415728879006,1.47154939559,0.000158603245476,74.6823596112,0.000652268359694,5.29995970548 -0.3800000000000002,0.150439466856,18.1140398957,0.00867393718749,1.47154939559,0.000157680704577,74.6823596112,0.000595596424623,5.29995970548 -0.38500000000000023,0.374245805346,18.1140398957,-0.0921291118819,1.47154939559,0.000144802639602,74.6823596112,0.00055357985653,5.29995970548 -0.39000000000000024,0.0790816608773,18.1140398957,-0.00733293644918,1.47154939559,0.00012176574847,74.6823596112,0.000521699444625,5.29995970548 -0.39500000000000024,0.049697750253,18.1140398957,-0.00384811342232,1.47154939559,8.31439619812e-05,74.6823596112,0.000497145339143,5.29995970548 -0.40000000000000024,0.0349710574635,18.1140398957,-0.00263097491256,1.47154939559,5.24295176656e-05,74.6823596112,0.000478094984264,5.29995970548 -0.40500000000000025,0.0260283557633,18.1140398957,-0.00201645120146,1.47154939559,0.000120071834581,74.6823596112,0.000463331601313,5.29995970548 -0.41000000000000025,0.0200441892313,18.1140398957,-0.00164905252282,1.47154939559,0.000169100513913,74.6823596112,0.000452030023174,5.29995970548 -0.41500000000000026,0.0157517428895,18.1140398957,-0.00140698939528,1.47154939559,0.000214616106269,74.6823596112,0.000443630799491,5.29995970548 -0.42000000000000026,0.0124838481907,18.1140398957,-0.00123727535526,1.47154939559,0.000260689210315,74.6823596112,0.000437763852594,5.29995970548 -0.42500000000000027,0.00984521402996,18.1140398957,-0.00111318804071,1.47154939559,0.000309798184377,74.6823596112,0.000434201691646,5.29995970548 -0.43000000000000027,0.00756738407247,18.1140398957,-0.00101982281883,1.47154939559,0.000364155971745,74.6823596112,0.000432831513942,5.29995970548 -0.4350000000000003,0.00541350777357,18.1140398957,-0.000948242326135,1.47154939559,0.000426185952896,74.6823596112,0.000433640513575,5.29995970548 -0.4400000000000003,0.00297197068331,18.1140398957,-0.000892794715662,1.47154939559,0.000498784968073,74.6823596112,0.000436711667188,5.29995970548 -0.4450000000000003,0.00255604145798,18.1140398957,-0.000849765967451,1.47154939559,0.000585366956605,74.6823596112,0.000442229317812,5.29995970548 -0.4500000000000003,0.0042479287043,18.1140398957,-0.000816653454524,1.47154939559,0.000689051444459,74.6823596112,0.000450495719488,5.29995970548 -0.4550000000000003,0.00511359110966,18.1140398957,-0.000791753123337,1.47154939559,0.000807776984968,74.6823596112,0.000461961924806,5.29995970548 -0.4600000000000003,0.00552851171434,18.1140398957,-0.000773916252742,1.47154939559,0.000907015013557,74.6823596112,0.000477279765019,5.29995970548 -0.4650000000000003,0.00549240849427,18.1140398957,-0.000762404050574,1.47154939559,0.000724299949098,74.6823596112,0.000497387555562,5.29995970548 -0.4700000000000003,0.00475812245034,18.1140398957,-0.000756802905684,1.47154939559,0.00302229050956,74.6823596112,0.000523653395103,5.29995970548 -0.4750000000000003,0.00194599738688,18.1140398957,-0.000756981016245,1.47154939559,34.2332847565,74.6823596112,0.000558122975317,5.29995970548 -0.4800000000000003,0.00581061912673,18.1140398957,-0.000763077453325,1.47154939559,0.0161704917093,74.6823596112,0.000603969664163,5.29995970548 -0.4850000000000003,0.0101475500837,18.1140398957,-0.000775521894063,1.47154939559,0.00622528972353,74.6823596112,0.000666366575614,5.29995970548 -0.4900000000000003,0.0129292295142,18.1140398957,-0.000795089926836,1.47154939559,0.00345570459676,74.6823596112,0.00075432447069,5.29995970548 -0.49500000000000033,0.0134904377078,18.1140398957,-0.000817999706173,1.47154939559,0.00245463036373,74.6823596112,0.000817555209473,5.29995970548 From 661e03c9d6d3a9530802c4c4cd207edc3a0331c5 Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 09:14:48 -0700 Subject: [PATCH 36/77] Delete pp2_print.xml Unwanted file as dictated by PR comments. --- .../Validation/DSS/pp2_print.xml | 20 ------------------- 1 file changed, 20 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/DSS/pp2_print.xml diff --git a/tests/framework/PostProcessors/Validation/DSS/pp2_print.xml b/tests/framework/PostProcessors/Validation/DSS/pp2_print.xml deleted file mode 100644 index b6697c893e..0000000000 --- a/tests/framework/PostProcessors/Validation/DSS/pp2_print.xml +++ /dev/null @@ -1,20 +0,0 @@ - - - - pivot_parameter - pivot_parameter - pivot_parameter - pivot_parameter - pivot_parameter - pivot_parameter - pivot_parameter - pivot_parameter - - - pp2_out - x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation - RAVEN_sample_ID - - - - From 6b155c7dd408f9cf7fb4e749def3f2ce0514469e Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 09:15:39 -0700 Subject: [PATCH 37/77] Delete pp2_print_0.csv Unwanted file as dictated by PR comments. --- .../Validation/gold/DSS/pp2_print_0.csv | 101 ------------------ 1 file changed, 101 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_0.csv diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_0.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_0.csv deleted file mode 100644 index d8961a1fa9..0000000000 --- a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_0.csv +++ /dev/null @@ -1,101 +0,0 @@ -pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation -0.0,0.0756901816043,24.887493332,-0.000351283270388,2.59700011532,0.0356012101676,53.1999350236,0.206070488345,4.78635605162 -0.005,0.0510745233206,24.887493332,-0.000385934668242,2.59700011532,0.0448169166406,53.1999350236,0.210768607572,4.78635605162 -0.01,0.0256194405153,24.887493332,-0.000406159113474,2.59700011532,0.052224344465,53.1999350236,0.204272609211,4.78635605162 -0.015,0.0150024229693,24.887493332,-0.000421393172979,2.59700011532,0.0516883771607,53.1999350236,0.20010519813,4.78635605162 -0.02,0.010257283552,24.887493332,-0.000432783299084,2.59700011532,0.0451798791812,53.1999350236,0.197573824791,4.78635605162 -0.025,0.00769231680981,24.887493332,-0.000441348962559,2.59700011532,0.0284060742231,53.1999350236,0.196261897457,4.78635605162 -0.030000000000000002,0.00612549904352,24.887493332,-0.000447943830224,2.59700011532,0.0336672365961,53.1999350236,0.195926608029,4.78635605162 -0.035,0.00507743437159,24.887493332,-0.000453262151306,2.59700011532,0.0629855379733,53.1999350236,0.196444243236,4.78635605162 -0.04,0.00431968056602,24.887493332,-0.000457866493304,2.59700011532,0.0894619720643,53.1999350236,0.19778161272,4.78635605162 -0.045,0.00372831979973,24.887493332,-0.000462222758356,2.59700011532,0.1172518338,53.1999350236,0.199984022056,4.78635605162 -0.049999999999999996,0.00322683934388,24.887493332,-0.000466735814408,2.59700011532,0.148479034567,53.1999350236,0.203176148606,4.78635605162 -0.05499999999999999,0.00275944130293,24.887493332,-0.000471783762648,2.59700011532,0.185378812568,53.1999350236,0.207576121419,4.78635605162 -0.05999999999999999,0.00227360608449,24.887493332,-0.00047775165284,2.59700011532,0.231060029877,53.1999350236,0.213527199795,4.78635605162 -0.06499999999999999,0.00169433633486,24.887493332,-0.000485067311788,2.59700011532,0.290431280096,53.1999350236,0.221557909815,4.78635605162 -0.06999999999999999,0.000772991562933,24.887493332,-0.000494243726694,2.59700011532,0.371943441596,53.1999350236,0.232494548059,4.78635605162 -0.075,0.00130283362855,24.887493332,-0.000505935007915,2.59700011532,0.491460016819,53.1999350236,0.24768026844,4.78635605162 -0.08,0.00199187521109,24.887493332,-0.000521017617242,2.59700011532,0.682094146904,53.1999350236,0.269434057245,4.78635605162 -0.085,0.00245409022898,24.887493332,-0.000540717719677,2.59700011532,1.02380596657,53.1999350236,0.302118525415,4.78635605162 -0.09000000000000001,0.00272598009733,24.887493332,-0.000566824621632,2.59700011532,1.75751674307,53.1999350236,0.355020324828,4.78635605162 -0.09500000000000001,0.00271172120559,24.887493332,-0.000602072646113,2.59700011532,3.96065102521,53.1999350236,0.452043262233,4.78635605162 -0.10000000000000002,0.0020653563727,24.887493332,-0.000650875572106,2.59700011532,22.063705504,53.1999350236,0.679238712152,4.78635605162 -0.10500000000000002,0.00211813443079,24.887493332,-0.000720868007637,2.59700011532,32.5016834277,53.1999350236,1.76335102388,4.78635605162 -0.11000000000000003,0.00483476705374,24.887493332,-0.000826525967792,2.59700011532,-13.8684083592,53.1999350236,-1.84767843252,4.78635605162 -0.11500000000000003,0.00772383018827,24.887493332,-0.000999095540335,2.59700011532,-2.46453702091,53.1999350236,-0.525372763748,4.78635605162 -0.12000000000000004,0.0111468044228,24.887493332,-0.00132091190976,2.59700011532,-0.944134639777,53.1999350236,-0.278401055973,4.78635605162 -0.12500000000000003,0.0151108859396,24.887493332,-0.00210251007708,2.59700011532,-0.459372384566,53.1999350236,-0.174801950313,4.78635605162 -0.13000000000000003,0.0171343953503,24.887493332,-0.00646411039937,2.59700011532,-0.248870152479,53.1999350236,-0.117764017075,4.78635605162 -0.13500000000000004,0.0350652053287,24.887493332,0.00483896441515,2.59700011532,-0.140697849216,53.1999350236,-0.0811959709455,4.78635605162 -0.14000000000000004,0.0423716405627,24.887493332,0.00164348920338,2.59700011532,-0.0787121176144,53.1999350236,-0.054939356815,4.78635605162 -0.14500000000000005,0.0556065274189,24.887493332,0.000952164683723,2.59700011532,-0.0402717597698,53.1999350236,-0.0339839519099,4.78635605162 -0.15000000000000005,0.0750741244315,24.887493332,0.000652717338428,2.59700011532,-0.0148647829393,53.1999350236,-0.0152581605846,4.78635605162 -0.15500000000000005,0.105121364985,24.887493332,0.000486276138869,2.59700011532,0.00289817867961,53.1999350236,0.00366434837427,4.78635605162 -0.16000000000000006,0.156661888365,24.887493332,0.000380003627249,2.59700011532,0.0159186133438,53.1999350236,0.0253281189163,4.78635605162 -0.16500000000000006,0.262367592272,24.887493332,0.00030521417449,2.59700011532,0.025571042223,53.1999350236,0.0531682521213,4.78635605162 -0.17000000000000007,0.564364908709,24.887493332,0.000248127467158,2.59700011532,0.0315872784201,53.1999350236,0.0927821259941,4.78635605162 -0.17500000000000007,2.5959579167,24.887493332,0.000201130085144,2.59700011532,0.0292029206784,53.1999350236,0.154754141223,4.78635605162 -0.18000000000000008,-16.475446849,24.887493332,0.000159525889875,2.59700011532,0.0358911787049,53.1999350236,0.262490035739,4.78635605162 -0.18500000000000008,-0.511783036992,24.887493332,0.000120133768726,2.59700011532,0.110684484186,53.1999350236,0.480628409477,4.78635605162 -0.19000000000000009,-0.10082323864,24.887493332,8.06091792099e-05,2.59700011532,0.287502181726,53.1999350236,1.07825811416,4.78635605162 -0.1950000000000001,-0.0217616071722,24.887493332,3.90793631522e-05,2.59700011532,1.76278846025,53.1999350236,6.44341026385,4.78635605162 -0.2000000000000001,0.0018057589186,24.887493332,-6.0783411812e-06,2.59700011532,-0.708546763109,53.1999350236,-2.77999234179,4.78635605162 -0.2050000000000001,0.00986119174713,24.887493332,-5.6395309412e-05,2.59700011532,-0.288768517405,53.1999350236,-1.4250988599,4.78635605162 -0.2100000000000001,0.0123886048682,24.887493332,-0.000113451921497,2.59700011532,-0.0453883904931,53.1999350236,-1.07480405018,4.78635605162 -0.2150000000000001,0.0126672479613,24.887493332,-0.000179031059276,2.59700011532,-0.216098228243,53.1999350236,-0.918928673398,4.78635605162 -0.2200000000000001,0.0119639992296,24.887493332,-0.000255316700686,2.59700011532,-0.303782296424,53.1999350236,-0.829882029715,4.78635605162 -0.22500000000000012,0.0108188848603,24.887493332,-0.000345181037066,2.59700011532,-0.376540448411,53.1999350236,-0.768590246102,4.78635605162 -0.23000000000000012,0.00947298486221,24.887493332,-0.000452632098144,2.59700011532,-0.444674685389,53.1999350236,-0.719533354007,4.78635605162 -0.23500000000000013,0.0080303460657,24.887493332,-0.000583556378394,2.59700011532,-0.511709354218,53.1999350236,-0.676086138182,4.78635605162 -0.24000000000000013,0.00652220624591,24.887493332,-0.00074703080616,2.59700011532,-0.580320553624,53.1999350236,-0.635687041334,4.78635605162 -0.24500000000000013,0.00492318860659,24.887493332,-0.000957812458771,2.59700011532,-0.65402690633,53.1999350236,-0.597721930261,4.78635605162 -0.2500000000000001,0.00309611593474,24.887493332,-0.00124149111194,2.59700011532,-0.738159324039,53.1999350236,-0.562420286285,4.78635605162 -0.2550000000000001,0.00120852123153,24.887493332,-0.00164639842495,2.59700011532,-0.841123459156,53.1999350236,-0.530264983882,4.78635605162 -0.2600000000000001,0.00296770830518,24.887493332,-0.00227557552413,2.59700011532,-0.976992971635,53.1999350236,-0.501711546802,4.78635605162 -0.2650000000000001,0.00346446876209,24.887493332,-0.00339370868859,2.59700011532,-1.17176767092,53.1999350236,-0.477092298472,4.78635605162 -0.27000000000000013,0.00311165177851,24.887493332,-0.0059459529095,2.59700011532,-1.48075094168,53.1999350236,-0.456618664681,4.78635605162 -0.27500000000000013,5.81181297004e-05,24.887493332,-0.017658799066,2.59700011532,-2.04846257485,53.1999350236,-0.440426219434,4.78635605162 -0.28000000000000014,0.00944333510943,24.887493332,0.023614750085,2.59700011532,-3.40557789309,53.1999350236,-0.428632720771,4.78635605162 -0.28500000000000014,0.00340829970713,24.887493332,0.00767066056605,2.59700011532,-3.11284671985,53.1999350236,-0.421397253632,4.78635605162 -0.29000000000000015,0.00465662583969,24.887493332,0.00479547193423,2.59700011532,-7.3226845792,53.1999350236,-0.418979551034,4.78635605162 -0.29500000000000015,0.00803485316173,24.887493332,0.00360288615197,2.59700011532,-2.89900743487,53.1999350236,-0.421805251145,4.78635605162 -0.30000000000000016,0.011317208785,24.887493332,0.00295953304001,2.59700011532,-1.81265725321,53.1999350236,-0.430548255252,4.78635605162 -0.30500000000000016,0.0150342971053,24.887493332,0.00256543644154,2.59700011532,-1.33509443051,53.1999350236,-0.446248610867,4.78635605162 -0.31000000000000016,0.0195367803603,24.887493332,0.00230729950188,2.59700011532,-1.07524607458,53.1999350236,-0.470497775671,4.78635605162 -0.31500000000000017,0.0252566844823,24.887493332,0.00213320374467,2.59700011532,-0.919444803615,53.1999350236,-0.505751070035,4.78635605162 -0.3200000000000002,0.0328467262745,24.887493332,0.00201640022284,2.59700011532,-0.823327239499,53.1999350236,-0.555889367891,4.78635605162 -0.3250000000000002,0.0433920010407,24.887493332,0.0019421605681,2.59700011532,-0.767055057191,53.1999350236,-0.627301579015,4.78635605162 -0.3300000000000002,0.0588411035857,24.887493332,0.00190225207722,2.59700011532,-0.742100920444,53.1999350236,-0.731155591538,4.78635605162 -0.3350000000000002,0.0830086530868,24.887493332,0.00189240571623,2.59700011532,-0.747384467914,53.1999350236,-0.888719562089,4.78635605162 -0.3400000000000002,0.12423731265,24.887493332,0.00191114377949,2.59700011532,-0.790619061756,53.1999350236,-1.14588760045,4.78635605162 -0.3450000000000002,0.203820698837,24.887493332,0.00195933974328,2.59700011532,-0.899404931831,53.1999350236,-1.62299653837,4.78635605162 -0.3500000000000002,0.390562922342,24.887493332,0.00204028979904,2.59700011532,-1.18152944757,53.1999350236,-2.76799848929,4.78635605162 -0.3550000000000002,1.02223133173,24.887493332,0.00216030007533,2.59700011532,-2.64941999732,53.1999350236,-8.84234636717,4.78635605162 -0.3600000000000002,6.9577971122,24.887493332,0.00233000990751,2.59700011532,1.20022386476,53.1999350236,8.04846171823,4.78635605162 -0.3650000000000002,-18.536899259,24.887493332,0.00256703619018,2.59700011532,0.458741195621,53.1999350236,2.87699372783,4.78635605162 -0.3700000000000002,-1.39066604189,24.887493332,0.0029013579004,2.59700011532,0.428452490342,53.1999350236,1.80260103173,4.78635605162 -0.3750000000000002,-0.461207455208,24.887493332,0.00338712026367,2.59700011532,0.362958187378,53.1999350236,1.34317089246,4.78635605162 -0.3800000000000002,-0.223731187001,24.887493332,0.00413170682114,2.59700011532,0.301055452763,53.1999350236,1.09124468109,4.78635605162 -0.38500000000000023,-0.128229841417,24.887493332,0.00538073173552,2.59700011532,0.240107113086,53.1999350236,0.93409620892,4.78635605162 -0.39000000000000024,-0.0784920119467,24.887493332,0.00784320725238,2.59700011532,0.170645997776,53.1999350236,0.828064963517,4.78635605162 -0.39500000000000024,-0.0431611488023,24.887493332,0.0147525608011,2.59700011532,0.0479569348817,53.1999350236,0.752702627484,4.78635605162 -0.40000000000000024,0.125171738448,24.887493332,0.133635902199,2.59700011532,0.157958083139,53.1999350236,0.697173708623,4.78635605162 -0.40500000000000025,-0.0584942984204,24.887493332,-0.0189855321451,2.59700011532,0.233609668151,53.1999350236,0.655219001313,4.78635605162 -0.41000000000000025,-0.037702725343,24.887493332,-0.00892863564252,2.59700011532,0.297743334418,53.1999350236,0.622989555054,4.78635605162 -0.41500000000000026,-0.027827106942,24.887493332,-0.00588638133755,2.59700011532,0.360227788464,53.1999350236,0.598008455715,4.78635605162 -0.42000000000000026,-0.0211987160476,24.887493332,-0.00442910916332,2.59700011532,0.42599152393,53.1999350236,0.57863048966,4.78635605162 -0.42500000000000027,-0.0160802276811,24.887493332,-0.00358152181559,2.59700011532,0.499061371088,53.1999350236,0.563742368813,4.78635605162 -0.43000000000000027,-0.0116739791922,24.887493332,-0.00303237055096,2.59700011532,0.583905567893,53.1999350236,0.552588046692,4.78635605162 -0.4350000000000003,-0.00728500366889,24.887493332,-0.00265158641512,2.59700011532,0.686486121185,53.1999350236,0.544663350089,4.78635605162 -0.4400000000000003,-0.00243291347265,24.887493332,-0.00237526997039,2.59700011532,0.815737263059,53.1999350236,0.539651413346,4.78635605162 -0.4450000000000003,-0.00696198428924,24.887493332,-0.00216842991751,2.59700011532,0.986299442514,53.1999350236,0.537383772652,4.78635605162 -0.4500000000000003,-0.00884851819847,24.887493332,-0.00201036354406,2.59700011532,1.22437969711,53.1999350236,0.537819018778,4.78635605162 -0.4550000000000003,-0.00981004369416,24.887493332,-0.00188810713602,2.59700011532,1.58201216785,53.1999350236,0.541034965552,4.78635605162 -0.4600000000000003,-0.0100218150295,24.887493332,-0.00179320090124,2.59700011532,2.17654305476,53.1999350236,0.547232998658,4.78635605162 -0.4650000000000003,-0.00925982419887,24.887493332,-0.0017199680688,2.59700011532,3.29135191908,53.1999350236,0.556755557551,4.78635605162 -0.4700000000000003,-0.00649167144982,24.887493332,-0.00166454644856,2.59700011532,-0.343367636509,53.1999350236,0.570120302197,4.78635605162 -0.4750000000000003,-0.00695375377574,24.887493332,-0.00162432127992,2.59700011532,18.3891004778,53.1999350236,0.588078304694,4.78635605162 -0.4800000000000003,-0.0147497845514,24.887493332,-0.00159758644143,2.59700011532,5.42949840841,53.1999350236,0.611710070066,4.78635605162 -0.4850000000000003,-0.0228537785489,24.887493332,-0.0015833449369,2.59700011532,3.20885144676,53.1999350236,0.642585338604,4.78635605162 -0.4900000000000003,-0.0280619238181,24.887493332,-0.00158120223415,2.59700011532,2.04560508739,53.1999350236,0.683037188758,4.78635605162 -0.49500000000000033,-0.0287684290134,24.887493332,-0.00160677194296,2.59700011532,1.49764431607,53.1999350236,0.715994577108,4.78635605162 From 0d149173514af52bffed0e37cf951174583d24f0 Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 09:15:47 -0700 Subject: [PATCH 38/77] Delete pp2_print_1.csv Unwanted file as dictated by PR comments. --- .../Validation/gold/DSS/pp2_print_1.csv | 101 ------------------ 1 file changed, 101 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_1.csv diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_1.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_1.csv deleted file mode 100644 index 0591a62545..0000000000 --- a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_1.csv +++ /dev/null @@ -1,101 +0,0 @@ -pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation -0.0,0.774109933747,78.5323269828,-0.00111513031321,8.02406872151,0.00015699442728,21.1645936719,0.000388766220683,3.62270476039 -0.005,0.172934844167,78.5323269828,0.000312548594868,8.02406872151,0.000253790755873,21.1645936719,0.000478997467537,3.62270476039 -0.01,0.0434518775793,78.5323269828,9.33645706157e-05,8.02406872151,0.000389758416471,21.1645936719,0.00056805120926,3.62270476039 -0.015,0.019233004651,78.5323269828,5.94011493334e-05,8.02406872151,0.000486770043257,21.1645936719,0.000646124658721,3.62270476039 -0.02,0.0112138144262,78.5323269828,4.6202616342e-05,8.02406872151,0.000529134300053,21.1645936719,0.000713124729502,3.62270476039 -0.025,0.00757486755401,78.5323269828,3.95339280479e-05,8.02406872151,0.000474278984792,21.1645936719,0.000770415120738,3.62270476039 -0.030000000000000002,0.00559988445393,78.5323269828,3.57467616553e-05,8.02406872151,0.000152740369949,21.1645936719,0.000820287742045,3.62270476039 -0.035,0.004390795607,78.5323269828,3.34846745312e-05,8.02406872151,0.000797991250143,21.1645936719,0.000865542594222,3.62270476039 -0.04,0.00357888192657,78.5323269828,3.21335157958e-05,8.02406872151,0.00139258099056,21.1645936719,0.00090927581244,3.62270476039 -0.045,0.00298801637499,78.5323269828,3.13820403602e-05,8.02406872151,0.00213544322869,21.1645936719,0.000954896315223,3.62270476039 -0.049999999999999996,0.002522954625,78.5323269828,3.10643814811e-05,8.02406872151,0.00312433905151,21.1645936719,0.00100638290725,3.62270476039 -0.05499999999999999,0.00212519328404,78.5323269828,3.10947442252e-05,8.02406872151,0.00449128682363,21.1645936719,0.00106885498154,3.62270476039 -0.05999999999999999,0.00175195717774,78.5323269828,3.14383431158e-05,8.02406872151,0.00644420016217,21.1645936719,0.0011496907818,3.62270476039 -0.06499999999999999,0.00136101853355,78.5323269828,3.2099324124e-05,8.02406872151,0.00933486602648,21.1645936719,0.00126083041451,3.62270476039 -0.06999999999999999,0.000878087855177,78.5323269828,3.31188790748e-05,8.02406872151,0.0138014458706,21.1645936719,0.00142407700497,3.62270476039 -0.075,0.000466896928717,78.5323269828,3.45823471465e-05,8.02406872151,0.0211082874645,21.1645936719,0.00168536859298,3.62270476039 -0.08,0.00105539943751,78.5323269828,3.66384375052e-05,8.02406872151,0.0340932878574,21.1645936719,0.00216302079173,3.62270476039 -0.085,0.00136598259819,78.5323269828,3.95404879555e-05,8.02406872151,0.0605703170013,21.1645936719,0.00328710340681,3.62270476039 -0.09000000000000001,0.00153529464373,78.5323269828,4.37357620277e-05,8.02406872151,0.137405153594,21.1645936719,0.00883634014844,3.62270476039 -0.09500000000000001,0.00154146111344,78.5323269828,5.00760395577e-05,8.02406872151,0.212755471826,21.1645936719,-0.00846684654297,3.62270476039 -0.10000000000000002,0.00125478869626,78.5323269828,6.0390815383e-05,8.02406872151,1.5988061707,21.1645936719,-0.00250601690095,3.62270476039 -0.10500000000000002,0.000772175184071,78.5323269828,7.94364951969e-05,8.02406872151,-7.48669871307,21.1645936719,-0.00134643522011,3.62270476039 -0.11000000000000003,0.00223574857561,78.5323269828,0.000124632059843,8.02406872151,-0.413573575915,21.1645936719,-0.000855478667377,3.62270476039 -0.11500000000000003,0.00366331896809,78.5323269828,0.000352094517332,8.02406872151,-0.121052016172,21.1645936719,-0.000584330264464,3.62270476039 -0.12000000000000004,0.00481738095475,78.5323269828,-0.000336680273934,8.02406872151,-0.0503855034092,21.1645936719,-0.000410720594005,3.62270476039 -0.12500000000000003,0.00662913115137,78.5323269828,-0.000106374679546,8.02406872151,-0.0234170232593,21.1645936719,-0.000286946114568,3.62270476039 -0.13000000000000003,0.00866007541832,78.5323269828,-6.08457355132e-05,8.02406872151,-0.0107458842608,21.1645936719,-0.000189675836893,3.62270476039 -0.13500000000000004,0.0110758004082,78.5323269828,-4.15638099506e-05,8.02406872151,-0.0041603475582,21.1645936719,-0.000105003718329,3.62270476039 -0.14000000000000004,0.0140284466065,78.5323269828,-3.09727411283e-05,8.02406872151,-0.000617383138954,21.1645936719,-2.25654101801e-05,3.62270476039 -0.14500000000000005,0.0177699755735,78.5323269828,-2.42764214694e-05,8.02406872151,0.00124587128596,21.1645936719,6.76472198329e-05,3.62270476039 -0.15000000000000005,0.0227701859871,78.5323269828,-1.96176433169e-05,8.02406872151,0.00213169974396,21.1645936719,0.000178037706082,3.62270476039 -0.15500000000000005,0.0299926294325,78.5323269828,-1.61162762964e-05,8.02406872151,0.00244007370638,21.1645936719,0.000327303277569,3.62270476039 -0.16000000000000006,0.0416880551589,78.5323269828,-1.32927334511e-05,8.02406872151,0.00241168757692,21.1645936719,0.000548129320248,3.62270476039 -0.16500000000000006,0.0643186472701,78.5323269828,-1.08557501738e-05,8.02406872151,0.00218991014403,21.1645936719,0.000906013974106,3.62270476039 -0.17000000000000007,0.124719770968,78.5323269828,-8.61146363399e-06,8.02406872151,0.00184028567937,21.1645936719,0.00155620869662,3.62270476039 -0.17500000000000007,0.494938369974,78.5323269828,-6.41978064852e-06,8.02406872151,0.00126847297741,21.1645936719,0.00297767637778,3.62270476039 -0.18000000000000008,-2.46641065603,78.5323269828,-4.17133774529e-06,8.02406872151,0.00173926936988,21.1645936719,0.00772575298958,3.62270476039 -0.18500000000000008,-0.0414611869821,78.5323269828,-1.77413937144e-06,8.02406872151,-0.025561946542,21.1645936719,-0.11539011265,3.62270476039 -0.19000000000000009,0.00569319620955,78.5323269828,8.55060129221e-07,8.02406872151,-0.00146300939145,21.1645936719,-0.0100554509397,3.62270476039 -0.1950000000000001,0.011004902984,78.5323269828,3.79709063573e-06,8.02406872151,-0.000475864139573,21.1645936719,-0.00635126793396,3.62270476039 -0.2000000000000001,0.0108503108153,78.5323269828,7.13581055212e-06,8.02406872151,-0.000128654332099,21.1645936719,-0.00518006530933,3.62270476039 -0.2050000000000001,0.00969350347973,78.5323269828,1.09636231742e-05,8.02406872151,1.49277955888e-05,21.1645936719,-0.00467894362698,3.62270476039 -0.2100000000000001,0.00842420202358,78.5323269828,1.53879274562e-05,8.02406872151,4.02892302638e-05,21.1645936719,-0.0044476870953,3.62270476039 -0.2150000000000001,0.00724575947031,78.5323269828,2.05394988306e-05,8.02406872151,0.000191885884931,21.1645936719,-0.0043446838376,3.62270476039 -0.2200000000000001,0.00619304465914,78.5323269828,2.65841777047e-05,8.02406872151,0.000391175798864,21.1645936719,-0.0043045490451,3.62270476039 -0.22500000000000012,0.00525522371794,78.5323269828,3.37400009027e-05,8.02406872151,0.000673502363882,21.1645936719,-0.00429205403071,3.62270476039 -0.23000000000000012,0.00440922558223,78.5323269828,4.23033464715e-05,8.02406872151,0.00108776134503,21.1645936719,-0.00428710781864,3.62270476039 -0.23500000000000013,0.00362847465576,78.5323269828,5.26904309862e-05,8.02406872151,0.00170845633151,21.1645936719,-0.00427888014895,3.62270476039 -0.24000000000000013,0.00288251896262,78.5323269828,6.55060659113e-05,8.02406872151,0.00265234610929,21.1645936719,-0.004262899853,3.62270476039 -0.24500000000000013,0.002127734175,78.5323269828,8.16634197959e-05,8.02406872151,0.0041133507449,21.1645936719,-0.0042391343709,3.62270476039 -0.2500000000000001,0.001257759357,78.5323269828,0.000102605552429,8.02406872151,0.00643832583293,21.1645936719,-0.00421045589147,3.62270476039 -0.2550000000000001,0.000828378096761,78.5323269828,0.000130746825402,8.02406872151,0.010304266841,21.1645936719,-0.00418140075283,3.62270476039 -0.2600000000000001,0.00154019188196,78.5323269828,0.000170440017214,8.02406872151,0.0171821550257,21.1645936719,-0.00415725967944,3.62270476039 -0.2650000000000001,0.00187441428345,78.5323269828,0.000230381434784,8.02406872151,0.0307614176303,21.1645936719,-0.00414351845838,3.62270476039 -0.27000000000000013,0.00202193397403,78.5323269828,0.000330771307489,8.02406872151,0.0624826810512,21.1645936719,-0.00414561873163,3.62270476039 -0.27500000000000013,0.002001032412,78.5323269828,0.000531589183265,8.02406872151,0.163182566838,21.1645936719,-0.00416897908533,3.62270476039 -0.28000000000000014,0.00175329778763,78.5323269828,0.00112482219142,8.02406872151,0.841675558765,21.1645936719,-0.00421921817404,3.62270476039 -0.28500000000000014,0.00125269551862,78.5323269828,0.0359810627555,8.02406872151,-30.1715064164,21.1645936719,-0.00430254667581,3.62270476039 -0.29000000000000015,0.00173690674608,78.5323269828,-0.00139473398204,8.02406872151,-0.541470714699,21.1645936719,-0.0044263349351,3.62270476039 -0.29500000000000015,0.00310890477779,78.5323269828,-0.000737322863662,8.02406872151,-0.166181672723,21.1645936719,-0.00459991742035,3.62270476039 -0.30000000000000016,0.00456146898278,78.5323269828,-0.00052674979752,8.02406872151,-0.0829631693218,21.1645936719,-0.00483577503259,3.62270476039 -0.30500000000000016,0.00628601499582,78.5323269828,-0.000425524249225,8.02406872151,-0.0512147337907,21.1645936719,-0.00515137300595,3.62270476039 -0.31000000000000016,0.00845797610112,78.5323269828,-0.000368150791594,8.02406872151,-0.0356827739788,21.1645936719,-0.00557219787766,3.62270476039 -0.31500000000000017,0.0113216825999,78.5323269828,-0.0003331746523,8.02406872151,-0.0269350413193,21.1645936719,-0.00613710629019,3.62270476039 -0.3200000000000002,0.015267935443,78.5323269828,-0.000311603763873,8.02406872151,-0.0215737276619,21.1645936719,-0.00690843116545,3.62270476039 -0.3250000000000002,0.0209754548459,78.5323269828,-0.00029913248091,8.02406872151,-0.0181422611288,21.1645936719,-0.00799273681681,3.62270476039 -0.3300000000000002,0.0297210356289,78.5323269828,-0.000293590171994,8.02406872151,-0.0159619678347,21.1645936719,-0.00958820041251,3.62270476039 -0.3350000000000002,0.0441503928111,78.5323269828,-0.000293955979829,8.02406872151,-0.0147516320894,21.1645936719,-0.0121094126143,3.62270476039 -0.3400000000000002,0.0705032247119,78.5323269828,-0.00029995850538,8.02406872151,-0.0145712178054,21.1645936719,-0.0165925304479,3.62270476039 -0.3450000000000002,0.126536483196,78.5323269828,-0.000311949955848,8.02406872151,-0.016262292345,21.1645936719,-0.0265554172213,3.62270476039 -0.3500000000000002,0.280803513005,78.5323269828,-0.000330964255244,8.02406872151,-0.0265280222762,21.1645936719,-0.066497609455,3.62270476039 -0.3550000000000002,1.02324913362,78.5323269828,-0.000358979521713,8.02406872151,0.0298908562968,21.1645936719,0.136708832882,3.62270476039 -0.3600000000000002,80.1685866409,78.5323269828,-0.000399528825841,8.02406872151,0.00187240234695,21.1645936719,0.0343043054976,3.62270476039 -0.3650000000000002,-1.79519173079,78.5323269828,-0.000459072822812,8.02406872151,0.0027974550452,21.1645936719,0.0199018342634,3.62270476039 -0.3700000000000002,-0.396905209568,78.5323269828,-0.000550354811098,8.02406872151,0.00196447877021,21.1645936719,0.0142027898753,3.62270476039 -0.3750000000000002,-0.172007319674,78.5323269828,-0.000701977803126,8.02406872151,0.00121110983051,21.1645936719,0.0111763984294,3.62270476039 -0.3800000000000002,-0.0968649163453,78.5323269828,-0.00099349891318,8.02406872151,0.00061232574077,21.1645936719,0.00931878570727,3.62270476039 -0.38500000000000023,-0.0636563968426,78.5323269828,-0.00175835669441,8.02406872151,0.000167538565504,21.1645936719,0.00807685474333,3.62270476039 -0.39000000000000024,-0.0561966955212,78.5323269828,-0.00856322755607,8.02406872151,-8.0456588826e-05,21.1645936719,0.00719971537706,3.62270476039 -0.39500000000000024,-0.0260206570271,78.5323269828,0.00291043543761,8.02406872151,-0.000288516079035,21.1645936719,0.00655732455789,3.62270476039 -0.40000000000000024,-0.0213502799877,78.5323269828,0.00123939077254,8.02406872151,-0.000876677291258,21.1645936719,0.00607577941537,3.62270476039 -0.40500000000000025,-0.016899092494,78.5323269828,0.000788878127904,8.02406872151,-0.0017178654172,21.1645936719,0.00571021259275,3.62270476039 -0.41000000000000025,-0.0134051383915,78.5323269828,0.000581133294843,8.02406872151,-0.00289031251364,21.1645936719,0.0054320610037,3.62270476039 -0.41500000000000026,-0.0106196180657,78.5323269828,0.00046265549946,8.02406872151,-0.00452348561758,21.1645936719,0.00522255321938,3.62270476039 -0.42000000000000026,-0.00830333105079,78.5323269828,0.000386842345636,8.02406872151,-0.00682983486137,21.1645936719,0.00506915740742,3.62270476039 -0.42500000000000027,-0.0062597143635,78.5323269828,0.000334748408515,8.02406872151,-0.0101640037956,21.1645936719,0.00496355398608,3.62270476039 -0.43000000000000027,-0.00428053116836,78.5323269828,0.000297231742542,8.02406872151,-0.0151430112141,21.1645936719,0.00490045113692,3.62270476039 -0.4350000000000003,-0.00183094244122,78.5323269828,0.000269350407586,8.02406872151,-0.0229061424782,21.1645936719,0.00487690217277,3.62270476039 -0.4400000000000003,-0.00273321375559,78.5323269828,0.00024820979193,8.02406872151,-0.0357308620284,21.1645936719,0.00489195140857,3.62270476039 -0.4450000000000003,-0.00388360453739,78.5323269828,0.000232012825754,8.02406872151,-0.0586844015204,21.1645936719,0.00494652670219,3.62270476039 -0.4500000000000003,-0.00445348727543,78.5323269828,0.000219596381833,8.02406872151,-0.104878587617,21.1645936719,0.00504355611419,3.62270476039 -0.4550000000000003,-0.0046422237846,78.5323269828,0.000210187123956,8.02406872151,-0.217029543586,21.1645936719,0.00518833724011,3.62270476039 -0.4600000000000003,-0.00441220704131,78.5323269828,0.000203265440004,8.02406872151,-0.603815420293,21.1645936719,0.00538925015073,3.62270476039 -0.4650000000000003,-0.00346569189527,78.5323269828,0.000198486694994,8.02406872151,-4.0640633147,21.1645936719,0.00565900476547,3.62270476039 -0.4700000000000003,-0.00191015692685,78.5323269828,0.000195635089853,8.02406872151,17.9868344846,21.1645936719,0.00601680122675,3.62270476039 -0.4750000000000003,-0.00569507867241,78.5323269828,0.000194597602017,8.02406872151,1.19241195807,21.1645936719,0.00649217227692,3.62270476039 -0.4800000000000003,-0.00910691494635,78.5323269828,0.00019535171858,8.02406872151,0.416943814092,21.1645936719,0.00713216163498,3.62270476039 -0.4850000000000003,-0.0130557612771,78.5323269828,0.000197964290948,8.02406872151,0.219083602994,21.1645936719,0.00801569461804,3.62270476039 -0.4900000000000003,-0.0154658754364,78.5323269828,0.000202601458671,8.02406872151,0.122663915599,21.1645936719,0.00928513779775,3.62270476039 -0.49500000000000033,-0.015404620316,78.5323269828,0.00020681289425,8.02406872151,0.0837281391226,21.1645936719,0.0101591584241,3.62270476039 From 15c6c3a2aee65ecde8f303cb859cd9c3eeb2a264 Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 09:15:57 -0700 Subject: [PATCH 39/77] Delete pp2_print_2.csv Unwanted file as dictated by PR comments. --- .../Validation/gold/DSS/pp2_print_2.csv | 101 ------------------ 1 file changed, 101 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_2.csv diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_2.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_2.csv deleted file mode 100644 index 91a45e91ad..0000000000 --- a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_2.csv +++ /dev/null @@ -1,101 +0,0 @@ -pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation -0.0,-0.0499281922006,37.767391036,0.00214950159842,4.28650302037,1.48043773097e-06,153.440198563,-2.78869210709e-06,15.4153269263 -0.005,-0.108821350709,37.767391036,0.00344512627925,4.28650302037,1.92343383019e-06,153.440198563,-3.78745340746e-06,15.4153269263 -0.01,-2.80127775886,37.767391036,-0.0154495882567,4.28650302037,1.53098863678e-06,153.440198563,-4.83741886226e-06,15.4153269263 -0.015,0.666352304377,37.767391036,-0.00270493401925,4.28650302037,1.90085196915e-06,153.440198563,-5.79512180408e-06,15.4153269263 -0.02,0.105537707351,37.767391036,-0.00161203987177,4.28650302037,3.32599773558e-06,153.440198563,-6.63492581009e-06,15.4153269263 -0.025,0.0431344458161,37.767391036,-0.00122160618589,4.28650302037,4.40380458328e-06,153.440198563,-7.35165063744e-06,15.4153269263 -0.030000000000000002,0.0243318377974,37.767391036,-0.0010306546398,4.28650302037,5.17246201225e-06,153.440198563,-7.95660994721e-06,15.4153269263 -0.035,0.0161802116007,37.767391036,-0.000923652027417,4.28650302037,5.32498316785e-06,153.440198563,-8.47174651242e-06,15.4153269263 -0.04,0.0118771511525,37.767391036,-0.00085975689653,4.28650302037,3.63941540802e-06,153.440198563,-8.92454004322e-06,15.4153269263 -0.045,0.00929529622336,37.767391036,-0.000820975161398,4.28650302037,6.48621474724e-06,153.440198563,-9.3449510607e-06,15.4153269263 -0.049999999999999996,0.00759070348954,37.767391036,-0.000798295647998,4.28650302037,1.3658071887e-05,153.440198563,-9.76461077415e-06,15.4153269263 -0.05499999999999999,0.00636976921521,37.767391036,-0.000786888171608,4.28650302037,2.28305802338e-05,153.440198563,-1.02181231591e-05,15.4153269263 -0.05999999999999999,0.00542383077465,37.767391036,-0.000784147860477,4.28650302037,3.54369772377e-05,153.440198563,-1.07466180944e-05,15.4153269263 -0.06499999999999999,0.00462768310852,37.767391036,-0.000788818411715,4.28650302037,5.3214686841e-05,153.440198563,-1.14045547185e-05,15.4153269263 -0.06999999999999999,0.00389360580876,37.767391036,-0.00080059531129,4.28650302037,7.8766485877e-05,153.440198563,-1.22726906907e-05,15.4153269263 -0.075,0.00314310405167,37.767391036,-0.000819987724073,4.28650302037,0.000116258353714,153.440198563,-1.34849615832e-05,15.4153269263 -0.08,0.00226732731421,37.767391036,-0.000848368466594,4.28650302037,0.000172710528439,153.440198563,-1.52914860661e-05,15.4153269263 -0.085,0.000856688329193,37.767391036,-0.000888228880415,4.28650302037,0.000260628405531,153.440198563,-1.82327415937e-05,15.4153269263 -0.09000000000000001,0.00183568332738,37.767391036,-0.000943751981274,4.28650302037,0.000403597002242,153.440198563,-2.37528099707e-05,15.4153269263 -0.09500000000000001,0.00264621581141,37.767391036,-0.00102200341102,4.28650302037,0.000645816804441,153.440198563,-3.74874734818e-05,15.4153269263 -0.10000000000000002,0.00312285344438,37.767391036,-0.00113551387155,4.28650302037,0.000916181838688,153.440198563,-0.000125172028078,15.4153269263 -0.10500000000000002,0.00330033104617,37.767391036,-0.00130846731198,4.28650302037,0.0031709156581,153.440198563,6.80776138803e-05,15.4153269263 -0.11000000000000003,0.00305357249322,37.767391036,-0.00159401185415,4.28650302037,0.0092741572586,153.440198563,2.3630670193e-05,15.4153269263 -0.11500000000000003,0.00192066846575,37.767391036,-0.00213582689044,4.28650302037,0.184535236178,153.440198563,1.31146173897e-05,15.4153269263 -0.12000000000000004,0.00252956428232,37.767391036,-0.00350365660164,4.28650302037,-0.0261601202469,153.440198563,8.43267598045e-06,15.4153269263 -0.12500000000000003,0.00197195699887,37.767391036,-0.0128058571372,4.28650302037,-0.00407839423995,153.440198563,5.78128280747e-06,15.4153269263 -0.13000000000000003,0.0119156742882,37.767391036,0.0064905335384,4.28650302037,-0.00136658922718,153.440198563,4.05421618831e-06,15.4153269263 -0.13500000000000004,0.013671245455,37.767391036,0.0024343989044,4.28650302037,-0.000561531221493,153.440198563,2.8037103852e-06,15.4153269263 -0.14000000000000004,0.0169855507165,37.767391036,0.00144628153041,4.28650302037,-0.000233033923817,153.440198563,1.80407295399e-06,15.4153269263 -0.14500000000000005,0.0210482642293,37.767391036,0.00100434732335,4.28650302037,-7.82755721773e-05,153.440198563,9.15992711228e-07,15.4153269263 -0.15000000000000005,0.0258835576537,37.767391036,0.000755025231215,4.28650302037,-1.7285453844e-06,153.440198563,3.07115919595e-08,15.4153269263 -0.15500000000000005,0.0317078406287,37.767391036,0.000594637268036,4.28650302037,3.48615386997e-05,153.440198563,-9.62513297606e-07,15.4153269263 -0.16000000000000006,0.03896086226,37.767391036,0.000481492502845,4.28650302037,4.95564952756e-05,153.440198563,-2.20761666073e-06,15.4153269263 -0.16500000000000006,0.0484979384313,37.767391036,0.000395330321375,4.28650302037,5.19049338564e-05,153.440198563,-3.9299302102e-06,15.4153269263 -0.17000000000000007,0.0620887853646,37.767391036,0.000324893762769,4.28650302037,4.72752726694e-05,153.440198563,-6.53687252305e-06,15.4153269263 -0.17500000000000007,0.0838925432036,37.767391036,0.000263230775606,4.28650302037,3.86756477784e-05,153.440198563,-1.08771768008e-05,15.4153269263 -0.18000000000000008,0.126109101157,37.767391036,0.000205642022718,4.28650302037,2.75555601199e-05,153.440198563,-1.90800002131e-05,15.4153269263 -0.18500000000000008,0.243272898987,37.767391036,0.000148680404437,4.28650302037,1.39478669348e-05,153.440198563,-3.84293742393e-05,15.4153269263 -0.19000000000000009,1.25320061527,37.767391036,8.96142018957e-05,4.28650302037,-4.26359975484e-06,153.440198563,-0.000120753657011,15.4153269263 -0.1950000000000001,-0.328279795372,37.767391036,2.61089979965e-05,4.28650302037,6.32719894207e-05,153.440198563,0.000281470696544,15.4153269263 -0.2000000000000001,0.0566244476106,37.767391036,-4.39845116188e-05,4.28650302037,4.27397326215e-05,153.440198563,8.84294864703e-05,15.4153269263 -0.2050000000000001,0.0514053505134,37.767391036,-0.000122794909578,4.28650302037,4.0516001398e-05,153.440198563,6.14787929997e-05,15.4153269263 -0.2100000000000001,0.0405028662944,37.767391036,-0.000212581686572,4.28650302037,3.81748740252e-05,153.440198563,5.17038603202e-05,15.4153269263 -0.2150000000000001,0.0321067659877,37.767391036,-0.000315900981059,4.28650302037,3.36695540624e-05,153.440198563,4.71889229888e-05,15.4153269263 -0.2200000000000001,0.0258403274918,37.767391036,-0.00043581283209,4.28650302037,2.4387399431e-05,153.440198563,4.4875060237e-05,15.4153269263 -0.22500000000000012,0.0210417485375,37.767391036,-0.000576165408484,4.28650302037,1.57630978935e-05,153.440198563,4.35861729715e-05,15.4153269263 -0.23000000000000012,0.0172488698855,37.767391036,-0.000742009822369,4.28650302037,3.90452419768e-05,153.440198563,4.27615567712e-05,15.4153269263 -0.23500000000000013,0.0141582984866,37.767391036,-0.000940234887552,4.28650302037,5.85822401439e-05,153.440198563,4.21069168398e-05,15.4153269263 -0.24000000000000013,0.0115667017187,37.767391036,-0.00118058169524,4.28650302037,7.93280986529e-05,153.440198563,4.14713402758e-05,15.4153269263 -0.24500000000000013,0.00933193577921,37.767391036,-0.00147734237755,4.28650302037,0.00010323904041,153.440198563,4.07922860834e-05,15.4153269263 -0.2500000000000001,0.00734854275724,37.767391036,-0.00185236098997,4.28650302037,0.000132353675386,153.440198563,4.00634095801e-05,15.4153269263 -0.2550000000000001,0.00553004791768,37.767391036,-0.00234068708837,4.28650302037,0.000169564909451,153.440198563,3.93118213766e-05,15.4153269263 -0.2600000000000001,0.00378746557468,37.767391036,-0.00300211254591,4.28650302037,0.000219516980964,153.440198563,3.85814626358e-05,15.4153269263 -0.2650000000000001,0.00194455333851,37.767391036,-0.00394726388461,4.28650302037,0.000290298928418,153.440198563,3.79219324726e-05,15.4153269263 -0.27000000000000013,0.00138630396449,37.767391036,-0.00540542120334,4.28650302037,0.000397224923975,153.440198563,3.73821990832e-05,15.4153269263 -0.27500000000000013,0.00175262947416,37.767391036,-0.00794025570953,4.28650302037,0.000572450985139,153.440198563,3.70082269142e-05,15.4153269263 -0.28000000000000014,0.000671392420297,37.767391036,-0.0134048916244,4.28650302037,0.000893718572204,153.440198563,3.68434041146e-05,15.4153269263 -0.28500000000000014,-0.0046774271677,37.767391036,-0.0335288065715,4.28650302037,0.00159265948961,153.440198563,3.69308396882e-05,15.4153269263 -0.29000000000000015,0.0317778653141,37.767391036,0.108292813634,4.28650302037,0.00365085181784,153.440198563,3.73169772657e-05,15.4153269263 -0.29500000000000015,0.00818339475296,37.767391036,0.0231436754672,4.28650302037,0.0161638728405,153.440198563,3.80564183044e-05,15.4153269263 -0.30000000000000016,0.00111412560967,37.767391036,0.0137808997325,4.28650302037,-0.884787886606,153.440198563,3.9218335031e-05,15.4153269263 -0.30500000000000016,0.00694290356226,37.767391036,0.0102407538624,4.28650302037,-0.00939532288541,153.440198563,4.08954655535e-05,15.4153269263 -0.31000000000000016,0.010493995504,37.767391036,0.00842291698246,4.28650302037,-0.00249837948379,153.440198563,4.32176408333e-05,15.4153269263 -0.31500000000000017,0.0141331036889,37.767391036,0.00735357855299,4.28650302037,-0.00108921245228,153.440198563,4.6373574815e-05,15.4153269263 -0.3200000000000002,0.0183727680949,37.767391036,0.00668439911726,4.28650302037,-0.000581338912779,153.440198563,5.06483583235e-05,15.4153269263 -0.3250000000000002,0.0236396025607,37.767391036,0.00626172773479,4.28650302037,-0.000342494060474,153.440198563,5.64925313104e-05,15.4153269263 -0.3300000000000002,0.0304957537778,37.767391036,0.0060093926315,4.28650302037,-0.000209953796173,153.440198563,6.46596457532e-05,15.4153269263 -0.3350000000000002,0.0398163176516,37.767391036,0.00588786205733,4.28650302037,-0.000126330020937,153.440198563,7.65079974373e-05,15.4153269263 -0.3400000000000002,0.0530915153608,37.767391036,0.00587779409205,4.28650302037,-6.63151602054e-05,153.440198563,9.47525643711e-05,15.4153269263 -0.3450000000000002,0.0730701399213,37.767391036,0.0059730818723,4.28650302037,-1.51946100957e-05,153.440198563,0.000125710933657,15.4153269263 -0.3500000000000002,0.105319260008,37.767391036,0.00617843981787,4.28650302037,4.26696601349e-05,153.440198563,0.000188221448848,15.4153269263 -0.3550000000000002,0.162593654311,37.767391036,0.00650996412315,4.28650302037,0.000157569681522,153.440198563,0.000375039417191,15.4153269263 -0.3600000000000002,0.279772888882,37.767391036,0.00699877288072,4.28650302037,0.0098837259003,153.440198563,0.0196652331057,15.4153269263 -0.3650000000000002,0.583338306626,37.767391036,0.00769949424298,4.28650302037,-0.000198084213264,153.440198563,-0.000399736267412,15.4153269263 -0.3700000000000002,1.86574241185,37.767391036,0.00870860844522,4.28650302037,-8.02869790213e-05,153.440198563,-0.000201481595308,15.4153269263 -0.3750000000000002,42.3579811861,37.767391036,0.0102064301858,4.28650302037,-1.3156166492e-05,153.440198563,-0.00013678925093,15.4153269263 -0.3800000000000002,-5.26716178934,37.767391036,0.0125657200952,4.28650302037,-4.4608825145e-05,153.440198563,-0.000104990825304,15.4153269263 -0.38500000000000023,-0.889900805818,37.767391036,0.0166922695136,4.28650302037,-5.34329932638e-05,153.440198563,-8.62734355043e-05,15.4153269263 -0.39000000000000024,-0.304090368719,37.767391036,0.0254915046914,4.28650302037,-5.57381594146e-05,153.440198563,-7.40790823169e-05,15.4153269263 -0.39500000000000024,-0.0573578413862,37.767391036,0.0561239913279,4.28650302037,-5.41865304024e-05,153.440198563,-6.56105929421e-05,15.4153269263 -0.40000000000000024,-0.693730232489,37.767391036,-0.246683611764,4.28650302037,-4.84623702636e-05,153.440198563,-5.94757357043e-05,15.4153269263 -0.40500000000000025,-0.164279761324,37.767391036,-0.0382846008641,4.28650302037,-3.50507135296e-05,153.440198563,-5.49054663602e-05,15.4153269263 -0.41000000000000025,-0.0999385766782,37.767391036,-0.0207791318521,4.28650302037,-2.59158836574e-05,153.440198563,-5.14422667378e-05,15.4153269263 -0.41500000000000026,-0.0698826288974,37.767391036,-0.0143215945081,4.28650302037,-6.1613094492e-05,153.440198563,-4.87989196164e-05,15.4153269263 -0.42000000000000026,-0.0518196747833,37.767391036,-0.0109904218024,4.28650302037,-9.44605561698e-05,153.440198563,-4.67881738629e-05,15.4153269263 -0.42500000000000027,-0.0396054744386,37.767391036,-0.00897650633767,4.28650302037,-0.000132038605754,153.440198563,-4.52851213661e-05,15.4153269263 -0.43000000000000027,-0.030669772508,37.767391036,-0.00764130095923,4.28650302037,-0.000178513875608,153.440198563,-4.42059756702e-05,15.4153269263 -0.4350000000000003,-0.0236836984137,37.767391036,-0.00670217276586,4.28650302037,-0.000238905931645,153.440198563,-4.34956821917e-05,15.4153269263 -0.4400000000000003,-0.0178336157332,37.767391036,-0.00601499611813,4.28650302037,-0.000320699620659,153.440198563,-4.31206222862e-05,15.4153269263 -0.4450000000000003,-0.0124729552851,37.767391036,-0.00549878952213,4.28650302037,-0.000436162799237,153.440198563,-4.30644970741e-05,15.4153269263 -0.4500000000000003,-0.0065709238374,37.767391036,-0.00510476779296,4.28650302037,-0.000606930495375,153.440198563,-4.33264233714e-05,15.4153269263 -0.4550000000000003,-0.00599985403089,37.767391036,-0.00480201464787,4.28650302037,-0.000874311714594,153.440198563,-4.39208298679e-05,15.4153269263 -0.4600000000000003,-0.00954601659704,37.767391036,-0.0045702320651,4.28650302037,-0.00132544503602,153.440198563,-4.48791454024e-05,15.4153269263 -0.4650000000000003,-0.0112455781012,37.767391036,-0.00439581577765,4.28650302037,-0.00217082289174,153.440198563,-4.62536743346e-05,15.4153269263 -0.4700000000000003,-0.0119359941745,37.767391036,-0.00426962454311,4.28650302037,-0.0040312798916,153.440198563,-4.81246088084e-05,15.4153269263 -0.4750000000000003,-0.0116562165228,37.767391036,-0.00418567497193,4.28650302037,-0.00945788743967,153.440198563,-5.06120757773e-05,15.4153269263 -0.4800000000000003,-0.00993698502416,37.767391036,-0.00414037944419,4.28650302037,-0.0396906266945,153.440198563,-5.38969552789e-05,15.4153269263 -0.4850000000000003,-0.00404605115942,37.767391036,-0.00413213174602,4.28650302037,154.150605696,153.440198563,-5.82581034752e-05,15.4153269263 -0.4900000000000003,-0.00998731207677,37.767391036,-0.00416114504231,4.28650302037,0.034118947356,153.440198563,-6.41425967643e-05,15.4153269263 -0.49500000000000033,-0.0128971436753,37.767391036,-0.00421966639005,4.28650302037,0.0125953353559,153.440198563,-6.81736548532e-05,15.4153269263 From ac1d61ae1c6d67cc721b1d1b269935c78fbe8f3e Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 09:16:05 -0700 Subject: [PATCH 40/77] Delete pp2_print_3.csv Unwanted file as dictated by PR comments. --- .../Validation/gold/DSS/pp2_print_3.csv | 101 ------------------ 1 file changed, 101 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_3.csv diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_3.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_3.csv deleted file mode 100644 index b316e2699f..0000000000 --- a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_3.csv +++ /dev/null @@ -1,101 +0,0 @@ -pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation -0.0,-0.697504916097,44.0357167442,0.000187067290355,4.26023895104,-2.11276592754e-05,89.5779339625,-0.000285845842716,6.37493074725 -0.005,-0.0937961442649,44.0357167442,-0.0107945042615,4.26023895104,-3.92865465678e-05,89.5779339625,-0.000364488540017,6.37493074725 -0.01,0.0146841058889,44.0357167442,-9.71177503994e-05,4.26023895104,-6.67856771506e-05,89.5779339625,-0.000443156077267,6.37493074725 -0.015,0.00506653565941,44.0357167442,-5.33732447477e-05,4.26023895104,-8.62016576422e-05,89.5779339625,-0.000512069162707,6.37493074725 -0.02,0.00264912003481,44.0357167442,-3.93028795981e-05,4.26023895104,-9.26173409153e-05,89.5779339625,-0.000570402317613,6.37493074725 -0.025,0.00168680153944,44.0357167442,-3.26829677854e-05,4.26023895104,-8.30889723401e-05,89.5779339625,-0.000618795490168,6.37493074725 -0.030000000000000002,0.00120431279303,44.0357167442,-2.90367763534e-05,4.26023895104,-4.79002520117e-05,89.5779339625,-0.000658842799678,6.37493074725 -0.035,0.000924973573352,44.0357167442,-2.68683093569e-05,4.26023895104,-6.63160867215e-05,89.5779339625,-0.000692611654596,6.37493074725 -0.04,0.00074556549366,44.0357167442,-2.55379784572e-05,4.26023895104,-0.000106803672211,89.5779339625,-0.00072232082436,6.37493074725 -0.045,0.000620054135386,44.0357167442,-2.47300438834e-05,4.26023895104,-0.000127260851072,89.5779339625,-0.000750198057986,6.37493074725 -0.049999999999999996,0.000524915785644,44.0357167442,-2.42749694187e-05,4.26023895104,-0.000126106445899,89.5779339625,-0.000778489952812,6.37493074725 -0.05499999999999999,0.000446506998059,44.0357167442,-2.40785835079e-05,4.26023895104,-9.45463572758e-05,89.5779339625,-0.000809598180607,6.37493074725 -0.05999999999999999,0.000375594130202,44.0357167442,-2.40903563519e-05,4.26023895104,-1.65922809e-05,89.5779339625,-0.000846347883827,6.37493074725 -0.06499999999999999,0.000304218800638,44.0357167442,-2.42883489049e-05,4.26023895104,0.000135747532565,89.5779339625,-0.000892453698131,6.37493074725 -0.06999999999999999,0.000221835612996,44.0357167442,-2.4672418092e-05,4.26023895104,0.000413231845106,89.5779339625,-0.000953366778074,6.37493074725 -0.075,9.2770565207e-05,44.0357167442,-2.52624422277e-05,4.26023895104,0.00091376853062,89.5779339625,-0.001037969938,6.37493074725 -0.08,0.000173172894743,44.0357167442,-2.61007254317e-05,4.26023895104,0.00184345477911,89.5779339625,-0.00116240376062,6.37493074725 -0.085,0.000255676889715,44.0357167442,-2.72594468592e-05,4.26023895104,0.00369298428297,89.5779339625,-0.00136012060659,6.37493074725 -0.09000000000000001,0.000305994644935,44.0357167442,-2.88562660331e-05,4.26023895104,0.00786265864931,89.5779339625,-0.00171461681719,6.37493074725 -0.09500000000000001,0.000326642852658,44.0357167442,-3.10857518336e-05,4.26023895104,0.0196849658811,89.5779339625,-0.00251090325498,6.37493074725 -0.10000000000000002,0.000299811467444,44.0357167442,-3.42857835574e-05,4.26023895104,0.072195401223,89.5779339625,-0.00577866461621,6.37493074725 -0.10500000000000002,0.000134961152106,44.0357167442,-3.90918580476e-05,4.26023895104,59.6980859328,89.5779339625,0.00984455394909,6.37493074725 -0.11000000000000003,0.000386021399898,44.0357167442,-4.68508068181e-05,4.26023895104,-0.14193230949,89.5779339625,0.00228496629479,6.37493074725 -0.11500000000000003,0.000689017368324,44.0357167442,-6.09976586018e-05,4.26023895104,-0.0323262493585,89.5779339625,0.00117371403423,6.37493074725 -0.12000000000000004,0.00102175449744,44.0357167442,-9.36654095125e-05,4.26023895104,-0.0132653728221,89.5779339625,0.000729645787486,6.37493074725 -0.12500000000000003,0.0013483939446,44.0357167442,-0.000240809435488,4.26023895104,-0.00662492545004,89.5779339625,0.000490726533187,6.37493074725 -0.13000000000000003,0.00225972652341,44.0357167442,0.000312906657587,4.26023895104,-0.00353345960159,89.5779339625,0.00033995371488,6.37493074725 -0.13500000000000004,0.00276334008842,44.0357167442,8.79609596538e-05,4.26023895104,-0.00186443481341,89.5779339625,0.000233288254922,6.37493074725 -0.14000000000000004,0.00357504670606,44.0357167442,4.91331111265e-05,4.26023895104,-0.000897577524816,89.5779339625,0.000149619168864,6.37493074725 -0.14500000000000005,0.00465976804457,44.0357167442,3.31771549351e-05,4.26023895104,-0.000330318804864,89.5779339625,7.64550608065e-05,6.37493074725 -0.15000000000000005,0.00614778533549,44.0357167442,2.45300381279e-05,4.26023895104,-1.29353018048e-05,89.5779339625,4.40631399263e-06,6.37493074725 -0.15500000000000005,0.00831850845749,44.0357167442,1.90996554934e-05,4.26023895104,0.000139727800254,89.5779339625,-7.58221086535e-05,6.37493074725 -0.16000000000000006,0.0118115724806,44.0357167442,1.53305942382e-05,4.26023895104,0.000181860188277,89.5779339625,-0.000176144980024,6.37493074725 -0.16500000000000006,0.018375321213,44.0357167442,1.24932460113e-05,4.26023895104,0.000150837393926,89.5779339625,-0.000315173730856,6.37493074725 -0.17000000000000007,0.0345105680007,44.0357167442,1.01920437362e-05,4.26023895104,7.50239026571e-05,89.5779339625,-0.000526715755,6.37493074725 -0.17500000000000007,0.106536282721,44.0357167442,8.18702485921e-06,4.26023895104,-1.45928717769e-05,89.5779339625,-0.000881888450068,6.37493074725 -0.18000000000000008,42.5050393615,44.0357167442,6.31817273867e-06,4.26023895104,-6.56593858581e-05,89.5779339625,-0.00156222652767,6.37493074725 -0.18500000000000008,-0.0649333036591,44.0357167442,4.46936234261e-06,4.26023895104,-0.000496398707045,89.5779339625,-0.00321143489458,6.37493074725 -0.19000000000000009,-0.00826148646792,44.0357167442,2.54933415573e-06,4.26023895104,-0.00261240983115,89.5779339625,-0.0109964997649,6.37493074725 -0.1950000000000001,-0.000626779082105,44.0357167442,4.80492674955e-07,4.26023895104,0.0050883390726,89.5779339625,0.0177953503839,6.37493074725 -0.2000000000000001,0.00119382519224,44.0357167442,-1.80867751303e-06,4.26023895104,0.00192045995026,89.5779339625,0.00651698961225,6.37493074725 -0.2050000000000001,0.00165109291848,44.0357167442,-4.38977505641e-06,4.26023895104,0.00116369666109,89.5779339625,0.00460286823153,6.37493074725 -0.2100000000000001,0.00168763904999,44.0357167442,-7.34063222456e-06,4.26023895104,0.000334337764555,89.5779339625,0.00385576098808,6.37493074725 -0.2150000000000001,0.0015783384851,44.0357167442,-1.07526691661e-05,4.26023895104,0.00103512244089,89.5779339625,0.00347146350879,6.37493074725 -0.2200000000000001,0.001418432001,44.0357167442,-1.47408934766e-05,4.26023895104,0.00157196745902,89.5779339625,0.0032342436858,6.37493074725 -0.22500000000000012,0.00124384440593,44.0357167442,-1.94586942711e-05,4.26023895104,0.00206145450576,89.5779339625,0.00306143899918,6.37493074725 -0.23000000000000012,0.00106802325323,44.0357167442,-2.51211187804e-05,4.26023895104,0.00256464516031,89.5779339625,0.00291624283213,6.37493074725 -0.23500000000000013,0.000894848382723,44.0357167442,-3.20435749503e-05,4.26023895104,0.00311554115278,89.5779339625,0.00278230231857,6.37493074725 -0.24000000000000013,0.000723278600185,44.0357167442,-4.07100742261e-05,4.26023895104,0.00375191397058,89.5779339625,0.00265371902434,6.37493074725 -0.24500000000000013,0.00054800403086,44.0357167442,-5.19020566123e-05,4.26023895104,0.00452998537195,89.5779339625,0.00252998198122,6.37493074725 -0.2500000000000001,0.0003537970648,44.0357167442,-6.69627130596e-05,4.26023895104,0.0055431846461,89.5779339625,0.00241301574614,6.37493074725 -0.2550000000000001,8.68407622395e-05,44.0357167442,-8.840025254e-05,4.26023895104,0.00695954936342,89.5779339625,0.00230547016147,6.37493074725 -0.2600000000000001,0.000316952656444,44.0357167442,-0.000121477670975,4.26023895104,0.00911184615088,89.5779339625,0.00220985266387,6.37493074725 -0.2650000000000001,0.000390433716055,44.0357167442,-0.000179380133502,4.26023895104,0.0127519961552,89.5779339625,0.00212821322694,6.37493074725 -0.27000000000000013,0.000393465128533,44.0357167442,-0.000306996636892,4.26023895104,0.0199385942529,89.5779339625,0.00206215097769,6.37493074725 -0.27500000000000013,0.000259823603625,44.0357167442,-0.00081908905086,4.26023895104,0.0383712317313,89.5779339625,0.00201298017563,6.37493074725 -0.28000000000000014,0.000775077762552,44.0357167442,0.00173456837424,4.26023895104,0.122616509773,89.5779339625,0.00198196146425,6.37493074725 -0.28500000000000014,0.00023764621841,44.0357167442,0.000462059034537,4.26023895104,19.700138365,89.5779339625,0.00197055879032,6.37493074725 -0.29000000000000015,0.000493550598071,44.0357167442,0.00028067956066,4.26023895104,-0.112162774452,89.5779339625,0.00198072105478,6.37493074725 -0.29500000000000015,0.000822464916217,44.0357167442,0.000208933559662,4.26023895104,-0.0192211930105,89.5779339625,0.00201521644409,6.37493074725 -0.30000000000000016,0.00116169892401,44.0357167442,0.000171118821449,4.26023895104,-0.0053257961665,89.5779339625,0.00207807654646,6.37493074725 -0.30500000000000016,0.00155629676066,44.0357167442,0.000148324911653,4.26023895104,-0.00117886244913,89.5779339625,0.00217525091048,6.37493074725 -0.31000000000000016,0.0020436250356,44.0357167442,0.000133611868893,4.26023895104,0.000489612659742,89.5779339625,0.00231565489266,6.37493074725 -0.31500000000000017,0.00267369945956,44.0357167442,0.000123857659431,4.26023895104,0.00130280875937,89.5779339625,0.00251296636026,6.37493074725 -0.3200000000000002,0.00352482565735,44.0357167442,0.000117477508466,4.26023895104,0.00177496195624,89.5779339625,0.00278891875703,6.37493074725 -0.3250000000000002,0.00473050748682,44.0357167442,0.000113612883448,4.26023895104,0.0021113675454,89.5779339625,0.00317980679092,6.37493074725 -0.3300000000000002,0.00653681064575,44.0357167442,0.000111796354109,4.26023895104,0.00241562198867,89.5779339625,0.00375058898393,6.37493074725 -0.3350000000000002,0.00944099419118,44.0357167442,0.000111800971938,4.26023895104,0.00276359005011,89.5779339625,0.00462944472829,6.37493074725 -0.3400000000000002,0.0145776170637,44.0357167442,0.000113573416926,4.26023895104,0.00325296345912,89.5779339625,0.00610842452499,6.37493074725 -0.3450000000000002,0.0250252601294,44.0357167442,0.000117213412398,4.26023895104,0.00410752911143,89.5779339625,0.00902663680069,6.37493074725 -0.3500000000000002,0.0517716847166,44.0357167442,0.000122987924362,4.26023895104,0.00626092857003,89.5779339625,0.0171745788181,6.37493074725 -0.3550000000000002,0.160901321584,44.0357167442,0.000131384453022,4.26023895104,0.0367857434348,89.5779339625,0.144573548471,6.37493074725 -0.3600000000000002,2.71000601085,44.0357167442,0.000143225879407,4.26023895104,-0.00166587610837,89.5779339625,-0.0235836339062,6.37493074725 -0.3650000000000002,-0.621168188205,44.0357167442,0.000159904569424,4.26023895104,-0.00236685788718,89.5779339625,-0.0112173400401,6.37493074725 -0.3700000000000002,-0.101184406539,44.0357167442,0.00018388215854,4.26023895104,-0.0021544142614,89.5779339625,-0.00752485588267,6.37493074725 -0.3750000000000002,-0.0395445157335,44.0357167442,0.000219865709778,4.26023895104,-0.00187023013084,89.5779339625,-0.00576836367287,6.37493074725 -0.3800000000000002,-0.020731027085,44.0357167442,0.000278016443716,4.26023895104,-0.00158224125788,89.5779339625,-0.00475289220685,6.37493074725 -0.38500000000000023,-0.0124940531692,44.0357167442,0.000384919001233,4.26023895104,-0.00125940365609,89.5779339625,-0.0040989157843,6.37493074725 -0.39000000000000024,-0.00792622026028,44.0357167442,0.000638946067439,4.26023895104,-0.000805222891586,89.5779339625,-0.00364823941549,6.37493074725 -0.39500000000000024,-0.00367028294534,44.0357167442,0.00195379613823,4.26023895104,-0.000642488192155,89.5779339625,-0.00332327129511,6.37493074725 -0.40000000000000024,-0.00713198135694,44.0357167442,-0.00182237742406,4.26023895104,-0.00131297211674,89.5779339625,-0.0030815746583,6.37493074725 -0.40500000000000025,-0.00442217183681,44.0357167442,-0.000623365837177,4.26023895104,-0.00186121660434,89.5779339625,-0.00289807337854,6.37493074725 -0.41000000000000025,-0.00329145086517,44.0357167442,-0.000378356824786,4.26023895104,-0.00243197347686,89.5779339625,-0.00275709110425,6.37493074725 -0.41500000000000026,-0.0025350029359,44.0357167442,-0.000273627629424,4.26023895104,-0.00309011646196,89.5779339625,-0.00264842209179,6.37493074725 -0.42000000000000026,-0.00195762487678,44.0357167442,-0.000216008032518,4.26023895104,-0.00390088290922,89.5779339625,-0.0025652410408,6.37493074725 -0.42500000000000027,-0.00147553942647,44.0357167442,-0.000179884151406,4.26023895104,-0.00495392742002,89.5779339625,-0.00250292540711,6.37493074725 -0.43000000000000027,-0.00102970485609,44.0357167442,-0.000155370097544,4.26023895104,-0.00639142693966,89.5779339625,-0.00245836338218,6.37493074725 -0.4350000000000003,-0.000524377325876,44.0357167442,-0.000137847260035,4.26023895104,-0.00846098113898,89.5779339625,-0.00242953730591,6.37493074725 -0.4400000000000003,-0.000538920206172,44.0357167442,-0.000124872895722,4.26023895104,-0.0116341321439,89.5779339625,-0.00241527384152,6.37493074725 -0.4450000000000003,-0.00083332836303,44.0357167442,-0.000115037905335,4.26023895104,-0.0169104377955,89.5779339625,-0.00241510351775,6.37493074725 -0.4500000000000003,-0.000979990307551,44.0357167442,-0.000107476524761,4.26023895104,-0.0267384670864,89.5779339625,-0.00242920045163,6.37493074725 -0.4550000000000003,-0.00104034092623,44.0357167442,-0.000101631778891,4.26023895104,-0.0485577816502,89.5779339625,-0.00245839075619,6.37493074725 -0.4600000000000003,-0.00101105932075,44.0357167442,-9.7133762618e-05,4.26023895104,-0.115008653783,89.5779339625,-0.00250423197698,6.37493074725 -0.4650000000000003,-0.000835758543549,44.0357167442,-9.37324469875e-05,4.26023895104,-0.558814625608,89.5779339625,-0.00256918057227,6.37493074725 -0.4700000000000003,-0.000197511945031,44.0357167442,-9.12588907404e-05,4.26023895104,10.5622659818,89.5779339625,-0.0026568850777,6.37493074725 -0.4750000000000003,-0.00120658782902,44.0357167442,-8.96022798672e-05,4.26023895104,0.248409416677,89.5779339625,-0.00277267748798,6.37493074725 -0.4800000000000003,-0.00200560785636,44.0357167442,-8.86964203642e-05,4.26023895104,0.0696616165828,89.5779339625,-0.00292440131514,6.37493074725 -0.4850000000000003,-0.00293042744372,44.0357167442,-8.85123865531e-05,4.26023895104,0.030694566771,89.5779339625,-0.00312384969114,6.37493074725 -0.4900000000000003,-0.00351792539219,44.0357167442,-8.90557076899e-05,4.26023895104,0.0142117199018,89.5779339625,-0.00338938462777,6.37493074725 -0.49500000000000033,-0.00355039112854,44.0357167442,-9.06229094189e-05,4.26023895104,0.00873543121424,89.5779339625,-0.00358403899994,6.37493074725 From c36ec7e10f45591712cd46a180c93ca63221bdce Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 09:16:14 -0700 Subject: [PATCH 41/77] Delete pp2_print_4.csv Unwanted file as dictated by PR comments. --- .../Validation/gold/DSS/pp2_print_4.csv | 101 ------------------ 1 file changed, 101 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_4.csv diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_4.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_4.csv deleted file mode 100644 index ff1fa5330e..0000000000 --- a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_4.csv +++ /dev/null @@ -1,101 +0,0 @@ -pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation -0.0,0.0429210774314,42.5042920116,-2.58763599149e-07,3.98721450795,-0.000120323536489,66.759187629,-0.000796863362781,4.48705711319 -0.005,0.0226746864051,42.5042920116,-1.88277487412e-07,3.98721450795,-0.000171892942393,66.759187629,-0.000929513052436,4.48705711319 -0.01,0.00948034831461,42.5042920116,-1.26220962855e-07,3.98721450795,-0.000229894838287,66.759187629,-0.00104518996265,4.48705711319 -0.015,0.00504745948265,42.5042920116,-1.00227636928e-07,3.98721450795,-0.000248962142634,66.759187629,-0.00114111342525,4.48705711319 -0.02,0.00324592787473,42.5042920116,-8.65928444463e-08,3.98721450795,-0.000227867826804,66.759187629,-0.00121943520563,4.48705711319 -0.025,0.00232993477961,42.5042920116,-7.86214709853e-08,3.98721450795,-0.00013402192684,66.759187629,-0.00128346585793,4.48705711319 -0.030000000000000002,0.00179391456704,42.5042920116,-7.36945495633e-08,3.98721450795,-0.000206415110238,66.759187629,-0.00133694718389,4.48705711319 -0.035,0.00144667287407,42.5042920116,-7.05830847373e-08,3.98721450795,-0.000362071372763,66.759187629,-0.00138362347067,4.48705711319 -0.04,0.00120207269493,42.5042920116,-6.86420609604e-08,3.98721450795,-0.000497803270943,66.759187629,-0.00142708439538,4.48705711319 -0.045,0.0010157437165,42.5042920116,-6.75098847705e-08,3.98721450795,-0.000625984327108,66.759187629,-0.00147081240357,4.48705711319 -0.049999999999999996,0.00086177528289,42.5042920116,-6.697888141e-08,3.98721450795,-0.000748350300887,66.759187629,-0.00151838382794,4.48705711319 -0.05499999999999999,0.000722507845852,42.5042920116,-6.69338177234e-08,3.98721450795,-0.000862542715507,66.759187629,-0.00157381653281,4.48705711319 -0.05999999999999999,0.000582561073969,42.5042920116,-6.73212386682e-08,3.98721450795,-0.000961349666028,66.759187629,-0.00164212091784,4.48705711319 -0.06499999999999999,0.0004211342774,42.5042920116,-6.81347083464e-08,3.98721450795,-0.00102838300159,66.759187629,-0.00173021828307,4.48705711319 -0.06999999999999999,0.000162786739969,42.5042920116,-6.94098178089e-08,3.98721450795,-0.00102677084006,66.759187629,-0.00184861620323,4.48705711319 -0.075,0.00034106477075,42.5042920116,-7.12269812792e-08,3.98721450795,-0.000868030128589,66.759187629,-0.0020147990761,4.48705711319 -0.08,0.0004972559862,42.5042920116,-7.37228333179e-08,3.98721450795,-0.00031283261033,66.759187629,-0.00226095887481,4.48705711319 -0.085,0.000593755539392,42.5042920116,-7.71142257423e-08,3.98721450795,0.00142469563485,66.759187629,-0.00265450907693,4.48705711319 -0.09000000000000001,0.000634568800506,42.5042920116,-8.17444706042e-08,3.98721450795,0.00794338166618,66.759187629,-0.00336571625527,4.48705711319 -0.09500000000000001,0.000585074665124,42.5042920116,-8.81740968284e-08,3.98721450795,0.052586474673,66.759187629,-0.00498758515964,4.48705711319 -0.10000000000000002,0.000270781852557,42.5042920116,-9.73708918137e-08,3.98721450795,38.7746264822,66.759187629,-0.0120120481056,4.48705711319 -0.10500000000000002,0.000757029486118,42.5042920116,-1.11149996745e-07,3.98721450795,0.0561008491517,66.759187629,0.016906922426,4.48705711319 -0.11000000000000003,0.00137201077802,42.5042920116,-1.33351571451e-07,3.98721450795,-0.00907661822362,66.759187629,0.00429969732494,4.48705711319 -0.11500000000000003,0.00208175711366,42.5042920116,-1.73752370979e-07,3.98721450795,-0.0058558890574,66.759187629,0.00224619323667,4.48705711319 -0.12000000000000004,0.00295502637821,42.5042920116,-2.6678180566e-07,3.98721450795,-0.00356580543577,66.759187629,0.00140964362005,4.48705711319 -0.12500000000000003,0.00405555745997,42.5042920116,-6.8208376736e-07,3.98721450795,-0.00218549740419,66.759187629,0.000955906724491,4.48705711319 -0.13000000000000003,0.00546829882086,42.5042920116,9.11716916966e-07,3.98721450795,-0.00131181090369,66.759187629,0.000668584961619,4.48705711319 -0.13500000000000004,0.00731272280983,42.5042920116,2.53882503244e-07,3.98721450795,-0.000741205705695,66.759187629,0.000465353123277,4.48705711319 -0.14000000000000004,0.00979233197895,42.5042920116,1.41770170644e-07,3.98721450795,-0.000370423952588,66.759187629,0.000306624514363,4.48705711319 -0.14500000000000005,0.0132679696351,42.5042920116,9.58209299766e-08,3.98721450795,-0.000141684029447,66.759187629,0.000169123601339,4.48705711319 -0.15000000000000005,0.0184599442821,42.5042920116,7.09598310371e-08,3.98721450795,-1.8189824464e-05,66.759187629,3.57011774437e-05,4.48705711319 -0.15500000000000005,0.027006076227,42.5042920116,5.53787665993e-08,3.98721450795,2.69263886216e-05,66.759187629,-0.000110071393958,4.48705711319 -0.16000000000000006,0.043396473075,42.5042920116,4.46007295061e-08,3.98721450795,1.5928461347e-05,66.759187629,-0.000288492400047,4.48705711319 -0.16500000000000006,0.0843617976709,42.5042920116,3.65315142319e-08,3.98721450795,-2.94908601559e-05,66.759187629,-0.000530187585482,4.48705711319 -0.17000000000000007,0.267437191886,42.5042920116,3.00400154852e-08,3.98721450795,-7.85844859953e-05,66.759187629,-0.000888878364737,4.48705711319 -0.17500000000000007,39.5995642727,42.5042920116,2.44435800989e-08,3.98721450795,-6.27524842825e-05,66.759187629,-0.00147282126673,4.48705711319 -0.18000000000000008,-0.23283495524,42.5042920116,1.92899105945e-08,3.98721450795,-0.000393031455422,66.759187629,-0.00254096674367,4.48705711319 -0.18500000000000008,-0.0377029647036,42.5042920116,1.42532665899e-08,3.98721450795,-0.00108059648222,66.759187629,-0.00490601136197,4.48705711319 -0.19000000000000009,-0.00971931953573,42.5042920116,9.07998394214e-09,3.98721450795,-0.00335193053527,66.759187629,-0.0131052537905,4.48705711319 -0.1950000000000001,-0.00194402012534,42.5042920116,3.55695341194e-09,3.98721450795,0.0288157080111,66.759187629,0.111119637429,4.48705711319 -0.2000000000000001,0.000789007424842,42.5042920116,-2.50881765595e-09,3.98721450795,0.00340489956191,66.759187629,0.0153398752177,4.48705711319 -0.2050000000000001,0.0018069467301,42.5042920116,-9.30551098934e-09,3.98721450795,0.000886249897845,66.759187629,0.00986487757469,4.48705711319 -0.2100000000000001,0.00213415233223,42.5042920116,-1.70301205364e-08,3.98721450795,0.00197434274466,66.759187629,0.00806219680965,4.48705711319 -0.2150000000000001,0.00215386971424,42.5042920116,-2.59028992996e-08,3.98721450795,0.00290357965995,66.759187629,0.00725423053019,4.48705711319 -0.2200000000000001,0.00202794684625,42.5042920116,-3.6185051716e-08,3.98721450795,0.00375669037958,66.759187629,0.00684304922233,4.48705711319 -0.22500000000000012,0.00182964836656,42.5042920116,-4.82026922119e-08,3.98721450795,0.00466691769981,66.759187629,0.00661376008556,4.48705711319 -0.23000000000000012,0.00159240713508,42.5042920116,-6.23815436944e-08,3.98721450795,0.0056899302253,66.759187629,0.00646782307292,4.48705711319 -0.23500000000000013,0.00132912495027,42.5042920116,-7.92997498631e-08,3.98721450795,0.00687479377827,66.759187629,0.00635446011184,4.48705711319 -0.24000000000000013,0.00103830732174,42.5042920116,-9.97718983184e-08,3.98721450795,0.00829023332622,66.759187629,0.00624755081057,4.48705711319 -0.24500000000000013,0.000695902939527,42.5042920116,-1.24989041547e-07,3.98721450795,0.0100518332475,66.759187629,0.00613577254167,4.48705711319 -0.2500000000000001,0.000101370151465,42.5042920116,-1.56764737434e-07,3.98721450795,0.012369599866,66.759187629,0.00601710796228,4.48705711319 -0.2550000000000001,0.000634366192399,42.5042920116,-1.97995682254e-07,3.98721450795,0.0156538682364,66.759187629,0.00589508561284,4.48705711319 -0.2600000000000001,0.00082781465752,42.5042920116,-2.53594408295e-07,3.98721450795,0.0207982301542,66.759187629,0.00577606148122,4.48705711319 -0.2650000000000001,0.000918695455897,42.5042920116,-3.32577490134e-07,3.98721450795,0.03011459243,66.759187629,0.00566738644425,4.48705711319 -0.27000000000000013,0.000922393059111,42.5042920116,-4.53417758407e-07,3.98721450795,0.0515980644232,66.759187629,0.00557635785787,4.48705711319 -0.27500000000000013,0.000810988865628,42.5042920116,-6.60714425601e-07,3.98721450795,0.135225219331,66.759187629,0.00550979895751,4.48705711319 -0.28000000000000014,0.000429693569777,42.5042920116,-1.09630466535e-06,3.98721450795,6.40304262548,66.759187629,0.00547408567939,4.48705711319 -0.28500000000000014,0.000836941171462,42.5042920116,-2.57998984252e-06,3.98721450795,-0.0676096373694,66.759187629,0.00547546782487,4.48705711319 -0.29000000000000015,0.00149558143108,42.5042920116,1.4219102203e-05,3.98721450795,0.00307629826549,66.759187629,0.00552058943328,4.48705711319 -0.29500000000000015,0.0021822027933,42.5042920116,2.13160505556e-06,3.98721450795,0.00891691456767,66.759187629,0.00561718127105,4.48705711319 -0.30000000000000016,0.00299665187208,42.5042920116,1.22797162496e-06,3.98721450795,0.00920720850351,66.759187629,0.00577497045255,4.48705711319 -0.30500000000000016,0.00401320233112,42.5042920116,9.00824709804e-07,3.98721450795,0.00865182782854,66.759187629,0.00600693866764,4.48705711319 -0.31000000000000016,0.00533813206754,42.5042920116,7.35608245292e-07,3.98721450795,0.00802948301508,66.759187629,0.00633119058333,4.48705711319 -0.31500000000000017,0.00713895234598,42.5042920116,6.391190097e-07,3.98721450795,0.0074994321322,66.759187629,0.00677393065121,4.48705711319 -0.3200000000000002,0.00970139430055,42.5042920116,5.78826939322e-07,3.98721450795,0.00708861919897,66.759187629,0.00737453216484,4.48705711319 -0.3250000000000002,0.0135511035394,42.5042920116,5.40573372057e-07,3.98721450795,0.00679369640653,66.759187629,0.00819477189801,4.48705711319 -0.3300000000000002,0.0197463011782,42.5042920116,5.17382815126e-07,3.98721450795,0.00660658399877,66.759187629,0.00933697928399,4.48705711319 -0.3350000000000002,0.0306862090327,42.5042920116,5.05628031261e-07,3.98721450795,0.00652090328567,66.759187629,0.0109831765145,4.48705711319 -0.3400000000000002,0.052812109418,42.5042920116,5.03497651392e-07,3.98721450795,0.00653080602865,66.759187629,0.013490399851,4.48705711319 -0.3450000000000002,0.108669379282,42.5042920116,5.10344625298e-07,3.98721450795,0.0066143683227,66.759187629,0.0176659657383,4.48705711319 -0.3500000000000002,0.327916981531,42.5042920116,5.26445243661e-07,3.98721450795,0.00661349469494,66.759187629,0.0258010135602,4.48705711319 -0.3550000000000002,4.28211784458,42.5042920116,5.53014421849e-07,3.98721450795,0.00428355613997,66.759187629,0.0479679116919,4.48705711319 -0.3600000000000002,-1.72737927465,42.5042920116,5.92469615203e-07,3.98721450795,0.0598805140848,66.759187629,0.320488445035,4.48705711319 -0.3650000000000002,-0.252385762398,42.5042920116,6.49066803354e-07,3.98721450795,-0.0178157238898,66.759187629,-0.0704216940179,4.48705711319 -0.3700000000000002,-0.0970498592263,42.5042920116,7.30268777375e-07,3.98721450795,-0.00912335434355,66.759187629,-0.0323414408996,4.48705711319 -0.3750000000000002,-0.0510997449507,42.5042920116,8.49823350608e-07,3.98721450795,-0.00607576940993,66.759187629,-0.0213324395113,4.48705711319 -0.3800000000000002,-0.0314679759659,42.5042920116,1.03550939194e-06,3.98721450795,-0.00418520580298,66.759187629,-0.0161446716253,4.48705711319 -0.38500000000000023,-0.0212652656032,42.5042920116,1.35240949531e-06,3.98721450795,-0.00246994248335,66.759187629,-0.0131564505625,4.48705711319 -0.39000000000000024,-0.0152626267732,42.5042920116,1.99597568289e-06,3.98721450795,-0.00154539191705,66.759187629,-0.0112348313784,4.48705711319 -0.39500000000000024,-0.0114072215996,42.5042920116,3.94244581426e-06,3.98721450795,-0.00316256442031,66.759187629,-0.00991158466035,4.48705711319 -0.40000000000000024,-0.0067360329184,42.5042920116,0.00198158465299,3.98721450795,-0.00423571471397,66.759187629,-0.00895835104381,4.48705711319 -0.40500000000000025,-0.00684823860276,42.5042920116,-3.91645782784e-06,3.98721450795,-0.00521943667849,66.759187629,-0.00825075885281,4.48705711319 -0.41000000000000025,-0.00537779227538,42.5042920116,-1.95743492122e-06,3.98721450795,-0.00625695264411,66.759187629,-0.00771556614524,4.48705711319 -0.41500000000000026,-0.00419484847639,42.5042920116,-1.31016463528e-06,3.98721450795,-0.00745057784587,66.759187629,-0.00730712797707,4.48705711319 -0.42000000000000026,-0.00318347032955,42.5042920116,-9.90279960958e-07,3.98721450795,-0.00891354299678,66.759187629,-0.00699583007917,4.48705711319 -0.42500000000000027,-0.00224227447456,42.5042920116,-8.01265222945e-07,3.98721450795,-0.0108057641842,66.759187629,-0.00676196303412,4.48705711319 -0.43000000000000027,-0.00119556732437,42.5042920116,-6.77696585071e-07,3.98721450795,-0.0133872541632,66.759187629,-0.00659229113583,4.48705711319 -0.4350000000000003,-0.00106997831016,42.5042920116,-5.91579834478e-07,3.98721450795,-0.0171283424976,66.759187629,-0.00647805623747,4.48705711319 -0.4400000000000003,-0.00172079794154,42.5042920116,-5.28953461569e-07,3.98721450795,-0.0229794936926,66.759187629,-0.00641379963993,4.48705711319 -0.4450000000000003,-0.00203410408163,42.5042920116,-4.82094359825e-07,3.98721450795,-0.0331536939865,66.759187629,-0.00639668695263,4.48705711319 -0.4500000000000003,-0.00216100873046,42.5042920116,-4.46402356048e-07,3.98721450795,-0.0539861420004,66.759187629,-0.00642617502383,4.48705711319 -0.4550000000000003,-0.00210363027754,42.5042920116,-4.18985889726e-07,3.98721450795,-0.111146945632,66.759187629,-0.00650394815919,4.48705711319 -0.4600000000000003,-0.00176105807225,42.5042920116,-3.97956738826e-07,3.98721450795,-0.429428331653,66.759187629,-0.00663411182462,4.48705711319 -0.4650000000000003,-0.000372612174265,42.5042920116,-3.82052477928e-07,3.98721450795,21.6477935554,66.759187629,-0.00682368905246,4.48705711319 -0.4700000000000003,-0.00233396934444,42.5042920116,-3.70423512373e-07,3.98721450795,0.167903604109,66.759187629,-0.00708353895997,4.48705711319 -0.4750000000000003,-0.00392265940012,42.5042920116,-3.62508888754e-07,3.98721450795,0.029815419391,66.759187629,-0.00742993924142,4.48705711319 -0.4800000000000003,-0.00572445365239,42.5042920116,-3.57963463503e-07,3.98721450795,0.00504778962659,66.759187629,-0.00788730678225,4.48705711319 -0.4850000000000003,-0.00795415100207,42.5042920116,-3.56617334839e-07,3.98721450795,-0.00283666412034,66.759187629,-0.00849301391408,4.48705711319 -0.4900000000000003,-0.0093486859661,42.5042920116,-3.58458029622e-07,3.98721450795,-0.00547953090847,66.759187629,-0.00930635054146,4.48705711319 -0.49500000000000033,-0.0092688521603,42.5042920116,-3.63243997867e-07,3.98721450795,-0.0052355779109,66.759187629,-0.00986663997715,4.48705711319 From a3e7f1706be6b45b86f0bc73dd67427498ed79c7 Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 09:16:24 -0700 Subject: [PATCH 42/77] Delete pp2_print_5.csv Unwanted file as dictated by PR comments. --- .../Validation/gold/DSS/pp2_print_5.csv | 101 ------------------ 1 file changed, 101 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_5.csv diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_5.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_5.csv deleted file mode 100644 index 6ebce8d9c4..0000000000 --- a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_5.csv +++ /dev/null @@ -1,101 +0,0 @@ -pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation -0.0,0.0596713136288,8.24785892678,0.00298335892525,1.48821899309,-0.000757996482247,88.6649849004,-0.00406841717664,10.0143918804 -0.005,0.0403887199817,8.24785892678,0.00171671719339,1.48821899309,-0.00107493516114,88.6649849004,-0.00488602335465,10.0143918804 -0.01,0.021457268462,8.24785892678,0.000975379420475,1.48821899309,-0.00141215541624,88.6649849004,-0.00564642650618,10.0143918804 -0.015,0.0127563458085,8.24785892678,0.000727419522316,1.48821899309,-0.00147908293,88.6649849004,-0.00629338354185,10.0143918804 -0.02,0.00872814053437,8.24785892678,0.000609364278666,1.48821899309,-0.00123396522493,88.6649849004,-0.00683550516393,10.0143918804 -0.025,0.00650963278358,8.24785892678,0.000544211823823,1.48821899309,-0.000589067651169,88.6649849004,-0.00729193620353,10.0143918804 -0.030000000000000002,0.00513558205016,8.24785892678,0.000505691997334,1.48821899309,-0.00194710576048,88.6649849004,-0.00768719897151,10.0143918804 -0.035,0.00420352750503,8.24785892678,0.000482460496942,1.48821899309,-0.00304922240933,88.6649849004,-0.00804796258607,10.0143918804 -0.04,0.00351884235798,8.24785892678,0.000468904545084,1.48821899309,-0.00419803017967,88.6649849004,-0.00840196492834,10.0143918804 -0.045,0.00297504601393,8.24785892678,0.000462034673272,1.48821899309,-0.00548201849669,88.6649849004,-0.00877888136346,10.0143918804 -0.049999999999999996,0.00250571822,8.24785892678,0.000460238192027,1.48821899309,-0.0069924432328,88.6649849004,-0.00921311644611,10.0143918804 -0.05499999999999999,0.00206093021495,8.24785892678,0.00046272484273,1.48821899309,-0.00886316536524,88.6649849004,-0.00974918165639,10.0143918804 -0.05999999999999999,0.00158871198812,8.24785892678,0.000469274912157,1.48821899309,-0.0113187216975,88.6649849004,-0.0104518013672,10.0143918804 -0.06499999999999999,0.000988371849631,8.24785892678,0.000480146618648,1.48821899309,-0.0147741561945,88.6649849004,-0.0114264825561,10.0143918804 -0.06999999999999999,0.000676215099715,8.24785892678,0.00049609536498,1.48821899309,-0.020084690738,88.6649849004,-0.0128667572569,10.0143918804 -0.075,0.00133455218979,8.24785892678,0.000518510317718,1.48821899309,-0.0292866271455,88.6649849004,-0.0151814075195,10.0143918804 -0.08,0.00171016539995,8.24785892678,0.000549728584591,1.48821899309,-0.0483906245799,88.6649849004,-0.0194249514852,10.0143918804 -0.085,0.00192742797663,8.24785892678,0.000593689238732,1.48821899309,-0.103111832075,88.6649849004,-0.0294376198302,10.0143918804 -0.09000000000000001,0.00195402838494,8.24785892678,0.000657345156865,1.48821899309,-0.471703756869,88.6649849004,-0.0791623868258,10.0143918804 -0.09500000000000001,0.00162516047845,8.24785892678,0.000754018281161,1.48821899309,1.43000657874,88.6649849004,0.0744809851547,10.0143918804 -0.10000000000000002,0.000923616725523,8.24785892678,0.00091266775343,1.48821899309,-0.571870902273,88.6649849004,0.0220317175692,10.0143918804 -0.10500000000000002,0.00292931472298,8.24785892678,0.00121018808551,1.48821899309,0.0288985355573,88.6649849004,0.0117726263778,10.0143918804 -0.11000000000000003,0.00501373470027,8.24785892678,0.00194053930215,1.48821899309,0.014109616023,88.6649849004,0.00742208599557,10.0143918804 -0.11500000000000003,0.00935304905678,8.24785892678,0.00622084422909,1.48821899309,0.0072327244666,88.6649849004,0.00501421121827,10.0143918804 -0.12000000000000004,0.00557777361093,8.24785892678,-0.00419647674731,1.48821899309,0.00402850056889,88.6649849004,0.0034655397324,10.0143918804 -0.12500000000000003,0.00979531259825,8.24785892678,-0.00146689800694,1.48821899309,0.00232548826702,88.6649849004,0.00235124503231,10.0143918804 -0.13000000000000003,0.0133606850495,8.24785892678,-0.000855532526256,1.48821899309,0.00127999798831,88.6649849004,0.00146085878973,10.0143918804 -0.13500000000000004,0.0174879599859,8.24785892678,-0.000588332333143,1.48821899309,0.000528773650119,88.6649849004,0.000664996972855,10.0143918804 -0.14000000000000004,0.0226368480777,8.24785892678,-0.000439190074375,1.48821899309,-0.000100807061824,88.6649849004,-0.000138609996942,10.0143918804 -0.14500000000000005,0.0294566671809,8.24785892678,-0.000343740532731,1.48821899309,-0.000698434803965,88.6649849004,-0.00105702932118,10.0143918804 -0.15000000000000005,0.0392098652043,8.24785892678,-0.00027648285387,1.48821899309,-0.00131574760004,88.6649849004,-0.00223431321915,10.0143918804 -0.15500000000000005,0.0547844237937,8.24785892678,-0.000225122804365,1.48821899309,-0.00198529921049,88.6649849004,-0.00390419938065,10.0143918804 -0.16000000000000006,0.0842651389076,8.24785892678,-0.000182853018662,1.48821899309,-0.00272108972718,88.6649849004,-0.00650638427369,10.0143918804 -0.16500000000000006,0.159580340992,8.24785892678,-0.000145469148075,1.48821899309,-0.00347548611167,88.6649849004,-0.0110061048826,10.0143918804 -0.17000000000000007,0.557091294957,8.24785892678,-0.000110121372337,1.48821899309,-0.00381481852366,88.6649849004,-0.0200364751739,10.0143918804 -0.17500000000000007,-12.1384242322,8.24785892678,-7.47089794775e-05,1.48821899309,-0.00515095255422,88.6649849004,-0.0442706127039,10.0143918804 -0.18000000000000008,-0.0941520654996,8.24785892678,-3.75546659388e-05,1.48821899309,-0.0515638711526,88.6649849004,-0.233327481272,10.0143918804 -0.18500000000000008,0.0018466895338,8.24785892678,2.79275341826e-06,1.48821899309,0.0333257910685,88.6649849004,0.126394256539,10.0143918804 -0.19000000000000009,0.0133909013309,8.24785892678,4.76982268389e-05,1.48821899309,0.0172005373907,88.6649849004,0.0625477836308,10.0143918804 -0.1950000000000001,0.0143676846347,8.24785892678,9.85617929314e-05,1.48821899309,0.0121238960739,88.6649849004,0.0468546843259,10.0143918804 -0.2000000000000001,0.0132454111181,8.24785892678,0.000156948474826,1.48821899309,0.00827846218308,88.6649849004,0.0400419738136,10.0143918804 -0.2050000000000001,0.0117267281422,8.24785892678,0.0002247530508,1.48821899309,0.00133580976173,88.6649849004,0.0362515822189,10.0143918804 -0.2100000000000001,0.0102332976647,8.24785892678,0.000304434305905,1.48821899309,0.00826207087629,88.6649849004,0.0337155746563,10.0143918804 -0.2150000000000001,0.00886570331014,8.24785892678,0.00039937447819,1.48821899309,0.0121255466836,88.6649849004,0.0317290507048,10.0143918804 -0.2200000000000001,0.00763179050478,8.24785892678,0.000514465319497,1.48821899309,0.0153977370759,88.6649849004,0.0299841819658,10.0143918804 -0.22500000000000012,0.00651080937819,8.24785892678,0.000657122258536,1.48821899309,0.0184644969169,88.6649849004,0.0283560491967,10.0143918804 -0.23000000000000012,0.00547180244936,8.24785892678,0.000839160330791,1.48821899309,0.0215190905751,88.6649849004,0.0268104540029,10.0143918804 -0.23500000000000013,0.00447528974898,8.24785892678,0.0010805523007,1.48821899309,0.0247442361023,88.6649849004,0.0253553383884,10.0143918804 -0.24000000000000013,0.00346065703489,8.24785892678,0.00141775096251,1.48821899309,0.0283731794415,88.6649849004,0.0240136424542,10.0143918804 -0.24500000000000013,0.00228209057012,8.24785892678,0.00192473674602,1.48821899309,0.0327444444255,88.6649849004,0.0228093281116,10.0143918804 -0.2500000000000001,0.000963759113803,8.24785892678,0.00277733359964,1.48821899309,0.0383976269936,88.6649849004,0.0217617348428,10.0143918804 -0.2550000000000001,0.00279843287944,8.24785892678,0.00451877901988,1.48821899309,0.0462869018341,88.6649849004,0.020884730362,10.0143918804 -0.2600000000000001,0.00488298519198,8.24785892678,0.0100623683817,1.48821899309,0.0583319673375,88.6649849004,0.0201882044552,10.0143918804 -0.2650000000000001,-0.0297041651768,8.24785892678,-0.11859949553,1.48821899309,0.0791368497688,88.6649849004,0.0196804580253,10.0143918804 -0.27000000000000013,-6.8287722189e-05,8.24785892678,-0.00961118985076,1.48821899309,0.123256380142,88.6649849004,0.019370816832,10.0143918804 -0.27500000000000013,0.0009351269037,8.24785892678,-0.00529731502892,1.48821899309,0.271026421874,88.6649849004,0.0192723176787,10.0143918804 -0.28000000000000014,0.00064468430119,8.24785892678,-0.00379500073563,1.48821899309,10.9596495355,88.6649849004,0.0194046465312,10.0143918804 -0.28500000000000014,0.00149933499259,8.24785892678,-0.00304127280144,1.48821899309,0.139037315517,88.6649849004,0.019797766401,10.0143918804 -0.29000000000000015,0.00279923531861,8.24785892678,-0.00259708281353,1.48821899309,0.0964728011067,88.6649849004,0.0204969877759,10.0143918804 -0.29500000000000015,0.00421500842565,8.24785892678,-0.00231253010197,1.48821899309,0.0718072142544,88.6649849004,0.021570783776,10.0143918804 -0.30000000000000016,0.00588709888809,8.24785892678,-0.00212285238844,1.48821899309,0.0585401547807,88.6649849004,0.0231237670441,10.0143918804 -0.30500000000000016,0.00796095808816,8.24785892678,-0.00199589698276,1.48821899309,0.0509454886095,88.6649849004,0.0253196873874,10.0143918804 -0.31000000000000016,0.0106456583905,8.24785892678,-0.00191434209572,1.48821899309,0.0466973452571,88.6649849004,0.0284250738279,10.0143918804 -0.31500000000000017,0.014274995554,8.24785892678,-0.00186856406525,1.48821899309,0.0448414265161,88.6649849004,0.0328990905541,10.0143918804 -0.3200000000000002,0.0194208518108,8.24785892678,-0.0018534577933,1.48821899309,0.0451499679176,88.6649849004,0.0395989671083,10.0143918804 -0.3250000000000002,0.0271369486365,8.24785892678,-0.00186696803183,1.48821899309,0.0480780970995,88.6649849004,0.0503216477519,10.0143918804 -0.3300000000000002,0.0395449317938,8.24785892678,-0.00190949210519,1.48821899309,0.0554233382163,88.6649849004,0.0695641047779,10.0143918804 -0.3350000000000002,0.0614484432964,8.24785892678,-0.00198384702554,1.48821899309,0.0738633465716,88.6649849004,0.112619304112,10.0143918804 -0.3400000000000002,0.105693083605,8.24785892678,-0.00209575938315,1.48821899309,0.150828252378,88.6649849004,0.286486021512,10.0143918804 -0.3450000000000002,0.216817117462,8.24785892678,-0.00225505892529,1.48821899309,-0.236469353326,88.6649849004,-0.587626440054,10.0143918804 -0.3500000000000002,0.644584303784,8.24785892678,-0.00247809975398,1.48821899309,-0.0414285202324,88.6649849004,-0.150910767825,10.0143918804 -0.3550000000000002,7.34492012252,8.24785892678,-0.00279269257058,1.48821899309,-0.00951481137276,88.6649849004,-0.089033708049,10.0143918804 -0.3600000000000002,-4.34288558843,8.24785892678,-0.00324886058394,1.48821899309,-0.0118899997706,88.6649849004,-0.0645816384117,10.0143918804 -0.3650000000000002,-0.597040173151,8.24785892678,-0.00394508723374,1.48821899309,-0.012976604334,88.6649849004,-0.0516337014989,10.0143918804 -0.3700000000000002,-0.236129459868,8.24785892678,-0.00510397224372,1.48821899309,-0.0121979687809,88.6649849004,-0.0437121248552,10.0143918804 -0.3750000000000002,-0.134268453419,8.24785892678,-0.00735494869215,1.48821899309,-0.010775383829,88.6649849004,-0.0384315095947,10.0143918804 -0.3800000000000002,-0.0999823476125,8.24785892678,-0.0134387140869,1.48821899309,-0.00885858383799,88.6649849004,-0.0347086528934,10.0143918804 -0.38500000000000023,-0.200080093136,8.24785892678,-0.0828345467557,1.48821899309,-0.00609499699586,88.6649849004,-0.0319814634776,10.0143918804 -0.39000000000000024,-0.00332456893692,8.24785892678,0.0198831111441,1.48821899309,-0.00299919074849,88.6649849004,-0.0299300713768,10.0143918804 -0.39500000000000024,-0.0139173823182,8.24785892678,0.00893055145572,1.48821899309,-0.00789639452663,88.6649849004,-0.0283599192504,10.0143918804 -0.40000000000000024,-0.0133567482408,8.24785892678,0.00580314890957,1.48821899309,-0.0112482581254,88.6649849004,-0.027146786368,10.0143918804 -0.40500000000000025,-0.011518636728,8.24785892678,0.00433379576915,1.48821899309,-0.0143798669505,88.6649849004,-0.0262086004685,10.0143918804 -0.41000000000000025,-0.00962369943993,8.24785892678,0.00348756344363,1.48821899309,-0.0176380464408,88.6649849004,-0.0254899867306,10.0143918804 -0.41500000000000026,-0.00786381952111,8.24785892678,0.00294256478533,1.48821899309,-0.0212625406972,88.6649849004,-0.024953353551,10.0143918804 -0.42000000000000026,-0.00621460160306,8.24785892678,0.00256618619707,1.48821899309,-0.0255097148848,88.6649849004,-0.0245735597875,10.0143918804 -0.42500000000000027,-0.00457043669825,8.24785892678,0.00229387323068,1.48821899309,-0.0307250939343,88.6649849004,-0.0243346685743,10.0143918804 -0.43000000000000027,-0.00266017914029,8.24785892678,0.00209050295774,1.48821899309,-0.0374407956532,88.6649849004,-0.0242280003004,10.0143918804 -0.4350000000000003,-0.00195939305634,8.24785892678,0.00193539386917,1.48821899309,-0.0465622681817,88.6649849004,-0.024251065837,10.0143918804 -0.4400000000000003,-0.0035237192344,8.24785892678,0.00181564315485,1.48821899309,-0.0597938849395,88.6649849004,-0.0244071712941,10.0143918804 -0.4450000000000003,-0.00433452513221,8.24785892678,0.00172285541782,1.48821899309,-0.0807750410009,88.6649849004,-0.024705624287,10.0143918804 -0.4500000000000003,-0.00475641828387,8.24785892678,0.00165141071447,1.48821899309,-0.118816511016,88.6649849004,-0.0251625879,10.0143918804 -0.4550000000000003,-0.00479440772918,8.24785892678,0.00159749364007,1.48821899309,-0.205973204895,88.6649849004,-0.0258027601299,10.0143918804 -0.4600000000000003,-0.00424613982034,8.24785892678,0.00155852659959,1.48821899309,-0.547182482662,88.6649849004,-0.0266622490973,10.0143918804 -0.4650000000000003,-0.00210285895465,8.24785892678,0.00153283231927,1.48821899309,-99.5260284787,88.6649849004,-0.0277933452369,10.0143918804 -0.4700000000000003,-0.00486975364646,8.24785892678,0.00151943582873,1.48821899309,0.0138994713427,88.6649849004,-0.0292725194292,10.0143918804 -0.4750000000000003,-0.00876296610878,8.24785892678,0.00151795932369,1.48821899309,-0.0904834186149,88.6649849004,-0.031214259646,10.0143918804 -0.4800000000000003,-0.0131742533757,8.24785892678,0.00152858754083,1.48821899309,-0.0864760848037,88.6649849004,-0.0337961836701,10.0143918804 -0.4850000000000003,-0.0186745982665,8.24785892678,0.00155209733618,1.48821899309,-0.0793497963282,88.6649849004,-0.0373076250711,10.0143918804 -0.4900000000000003,-0.0222788015269,8.24785892678,0.00158995920005,1.48821899309,-0.0661588985765,88.6649849004,-0.042251805549,10.0143918804 -0.49500000000000033,-0.0223598156224,8.24785892678,0.00163377442119,1.48821899309,-0.0536071163974,88.6649849004,-0.0457815800695,10.0143918804 From 1e857ff8d210bbe53f09b306e05b9fef2ae829fd Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 09:16:34 -0700 Subject: [PATCH 43/77] Delete pp2_print_6.csv Unwanted file as dictated by PR comments. --- .../Validation/gold/DSS/pp2_print_6.csv | 101 ------------------ 1 file changed, 101 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_6.csv diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_6.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_6.csv deleted file mode 100644 index 9bd705e86a..0000000000 --- a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_6.csv +++ /dev/null @@ -1,101 +0,0 @@ -pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation -0.0,-2.70350039542,17.0559298327,-0.340789791761,2.80203717842,0.000156598717836,10.6263294019,0.000259050984778,3.94675903436 -0.005,-0.145014026695,17.0559298327,-0.039757633263,2.80203717842,0.000241969968522,10.6263294019,0.000319658532634,3.94675903436 -0.01,-0.0184342248343,17.0559298327,-0.015265192276,2.80203717842,0.000354422913577,10.6263294019,0.000378452525131,3.94675903436 -0.015,-0.0054159793812,17.0559298327,-0.0101994156969,2.80203717842,0.000424392383677,10.6263294019,0.000429276704692,3.94675903436 -0.02,-0.00225945296386,17.0559298327,-0.00810998496426,2.80203717842,0.00043603625168,10.6263294019,0.000472183459763,3.94675903436 -0.025,-0.00105198298505,17.0559298327,-0.00702895799841,2.80203717842,0.000313733296765,10.6263294019,0.000508200333029,3.94675903436 -0.030000000000000002,-0.000435711422307,17.0559298327,-0.00640849065588,2.80203717842,0.000446231772485,10.6263294019,0.000538925073506,3.94675903436 -0.035,-5.38463247289e-05,17.0559298327,-0.00603628382787,2.80203717842,0.00094894046027,10.6263294019,0.000566218513968,3.94675903436 -0.04,0.000212177867169,17.0559298327,-0.00581376358424,2.80203717842,0.00154717277772,10.6263294019,0.000592049990332,3.94675903436 -0.045,0.00040626422662,17.0559298327,-0.00569012435036,2.80203717842,0.00233695353429,10.6263294019,0.000618491968159,3.94675903436 -0.049999999999999996,0.00054328998326,17.0559298327,-0.00563794815128,2.80203717842,0.00342526139257,10.6263294019,0.000647852891664,3.94675903436 -0.05499999999999999,0.000623791609674,17.0559298327,-0.00564286668971,2.80203717842,0.00497363209646,10.6263294019,0.000682969014109,3.94675903436 -0.05999999999999999,0.000637706405064,17.0559298327,-0.00569886521111,2.80203717842,0.0072474241277,10.6263294019,0.00072775138905,3.94675903436 -0.06499999999999999,0.000559013790756,17.0559298327,-0.00580626402911,2.80203717842,0.0107103866443,10.6263294019,0.000788255622604,3.94675903436 -0.06999999999999999,0.000287481451342,17.0559298327,-0.00597129971804,2.80203717842,0.016232269624,10.6263294019,0.000875002867617,3.94675903436 -0.075,0.000531376376373,17.0559298327,-0.00620707243262,2.80203717842,0.0256008956333,10.6263294019,0.00100877222422,3.94675903436 -0.08,0.000858935124234,17.0559298327,-0.00653625001633,2.80203717842,0.0429883048173,10.6263294019,0.00123811168698,3.94675903436 -0.085,0.00108204272058,17.0559298327,-0.00699682574799,2.80203717842,0.0801531454306,10.6263294019,0.00171063743241,3.94675903436 -0.09000000000000001,0.0011770657274,17.0559298327,-0.00765425421471,2.80203717842,0.182929008938,10.6263294019,0.00319418398349,3.94675903436 -0.09500000000000001,0.00106598461032,17.0559298327,-0.00862891977985,2.80203717842,0.0722659787062,10.6263294019,-0.0558632772073,3.94675903436 -0.10000000000000002,0.000567583320314,17.0559298327,-0.0101665437859,2.80203717842,19.4694915252,10.6263294019,-0.00236621812496,3.94675903436 -0.10500000000000002,0.000667520653281,17.0559298327,-0.0128563411379,2.80203717842,-1.38233592719,10.6263294019,-0.00108614061781,3.94675903436 -0.11000000000000003,-0.000209642723362,17.0559298327,-0.0185517134201,2.80203717842,-0.257274008061,10.6263294019,-0.000648733253403,3.94675903436 -0.11500000000000003,-0.00828452343367,17.0559298327,-0.0376870320832,2.80203717842,-0.0964666432242,10.6263294019,-0.000428477594825,3.94675903436 -0.12000000000000004,0.144707239827,17.0559298327,0.225504523191,2.80203717842,-0.0449010921327,10.6263294019,-0.000294927332069,3.94675903436 -0.12500000000000003,0.03526551275,17.0559298327,0.0256238274837,2.80203717842,-0.0222977585157,10.6263294019,-0.000203317850298,3.94675903436 -0.13000000000000003,0.0331703928247,17.0559298327,0.0129538127074,2.80203717842,-0.0107190798809,10.6263294019,-0.000133519351623,3.94675903436 -0.13500000000000004,0.0369186074587,17.0559298327,0.00841020326735,2.80203717842,-0.0043278080903,10.6263294019,-7.4325301277e-05,3.94675903436 -0.14000000000000004,0.0436136080195,17.0559298327,0.00608914584789,2.80203717842,-0.000736531455036,10.6263294019,-1.78827433674e-05,3.94675903436 -0.14500000000000005,0.0533321888769,17.0559298327,0.00468169339618,2.80203717842,0.00120879479541,10.6263294019,4.30261471329e-05,3.94675903436 -0.15000000000000005,0.0674116919862,17.0559298327,0.00372924865983,2.80203717842,0.00214420007139,10.6263294019,0.000117102174359,3.94675903436 -0.15500000000000005,0.0891968213127,17.0559298327,0.00302732767872,2.80203717842,0.00245434257718,10.6263294019,0.000217359782777,3.94675903436 -0.16000000000000006,0.127404954201,17.0559298327,0.00246903815056,2.80203717842,0.00238171352001,10.6263294019,0.000366651411219,3.94675903436 -0.16500000000000006,0.210920752682,17.0559298327,0.0019913857224,2.80203717842,0.00207262799839,10.6263294019,0.000611341259544,3.94675903436 -0.17000000000000007,0.498933262292,17.0559298327,0.00155338362272,2.80203717842,0.00158067306088,10.6263294019,0.0010637940542,3.94675903436 -0.17500000000000007,6.46878977584,17.0559298327,0.00112593710116,2.80203717842,0.000626655506181,10.6263294019,0.00208610786992,3.94675903436 -0.18000000000000008,-0.655111298002,17.0559298327,0.00068665319288,2.80203717842,0.00207238908005,10.6263294019,0.00585768478698,3.94675903436 -0.18500000000000008,-0.0317676366152,17.0559298327,0.000216876394806,2.80203717842,-0.00564972432766,10.6263294019,-0.0280610566834,3.94675903436 -0.19000000000000009,0.0154397403767,17.0559298327,-0.000300246989807,2.80203717842,-0.000127857177934,10.6263294019,-0.00579642972555,3.94675903436 -0.1950000000000001,0.0209405045381,17.0559298327,-0.000881279280905,2.80203717842,0.000417907653267,10.6263294019,-0.0038052598963,3.94675903436 -0.2000000000000001,0.0193113216303,17.0559298327,-0.00154394429753,2.80203717842,0.00054169521748,10.6263294019,-0.00309861301637,3.94675903436 -0.2050000000000001,0.0162762817161,17.0559298327,-0.00230882190973,2.80203717842,0.000386115804839,10.6263294019,-0.00274818216886,3.94675903436 -0.2100000000000001,0.013146090386,17.0559298327,-0.0032016225129,2.80203717842,0.000583485476929,10.6263294019,-0.00253594406895,3.94675903436 -0.2150000000000001,0.0102444666072,17.0559298327,-0.00425653424934,2.80203717842,0.00115971533675,10.6263294019,-0.00238349915694,3.94675903436 -0.2200000000000001,0.0076307381254,17.0559298327,-0.00552148255128,2.80203717842,0.00178861090912,10.6263294019,-0.00225711318374,3.94675903436 -0.22500000000000012,0.00529130629044,17.0559298327,-0.00706688289465,2.80203717842,0.00255513351549,10.6263294019,-0.00214199093714,3.94675903436 -0.23000000000000012,0.00319965272217,17.0559298327,-0.00900111114621,2.80203717842,0.0035360070843,10.6263294019,-0.00203267234587,3.94675903436 -0.23500000000000013,0.00134241754939,17.0559298327,-0.0114998194579,2.80203717842,0.00483543162566,10.6263294019,-0.00192838052285,3.94675903436 -0.24000000000000013,-0.000251759689033,17.0559298327,-0.0148664146913,2.80203717842,0.00661557445297,10.6263294019,-0.00183040889086,3.94675903436 -0.24500000000000013,-0.00142719330876,17.0559298327,-0.0196711386476,2.80203717842,0.00915138000249,10.6263294019,-0.00174065200117,3.94675903436 -0.2500000000000001,-0.00134156208403,17.0559298327,-0.0271215733256,2.80203717842,0.0129471305693,10.6263294019,-0.00166088128894,3.94675903436 -0.2550000000000001,-0.00454121171289,17.0559298327,-0.0402872724642,2.80203717842,0.0190149428371,10.6263294019,-0.00159249232021,3.94675903436 -0.2600000000000001,-0.0133176210049,17.0559298327,-0.0699107813472,2.80203717842,0.029638700964,10.6263294019,-0.00153651636415,3.94675903436 -0.2650000000000001,-0.0489126794165,17.0559298327,-0.198132500708,2.80203717842,0.0509039942947,10.6263294019,-0.00149375614947,3.94675903436 -0.27000000000000013,0.0886661204926,17.0559298327,0.318548206408,2.80203717842,0.103843483557,10.6263294019,-0.00146496712723,3.94675903436 -0.27500000000000013,0.0263483245148,17.0559298327,0.0962613977282,2.80203717842,0.30629385869,10.6263294019,-0.0014510519733,3.94675903436 -0.28000000000000014,0.0118768455379,17.0559298327,0.0595519445626,2.80203717842,3.52056808431,10.6263294019,-0.00145326716944,3.94675903436 -0.28500000000000014,0.00952071153643,17.0559298327,0.0446187950249,2.80203717842,-1.90127541356,10.6263294019,-0.0014734621324,3.94675903436 -0.29000000000000015,0.0165981439163,17.0559298327,0.0366451537582,2.80203717842,-0.25741702441,10.6263294019,-0.00151439176325,3.94675903436 -0.29500000000000015,0.0218944490705,17.0559298327,0.0317991936693,2.80203717842,-0.0973929163908,10.6263294019,-0.00158017290396,3.94675903436 -0.30000000000000016,0.0272600383624,17.0559298327,0.0286506533365,2.80203717842,-0.0511392440585,10.6263294019,-0.00167701078006,3.94675903436 -0.30500000000000016,0.0334048754438,17.0559298327,0.026549321246,2.80203717842,-0.0316914741449,10.6263294019,-0.00181443793749,3.94675903436 -0.31000000000000016,0.0409491507304,17.0559298327,0.0251625927794,2.80203717842,-0.0217606110383,10.6263294019,-0.00200757071178,3.94675903436 -0.31500000000000017,0.0506987399776,17.0559298327,0.0243090037022,2.80203717842,-0.0160644342904,10.6263294019,-0.0022815310887,3.94675903436 -0.3200000000000002,0.0639049918989,17.0559298327,0.0238888181343,2.80203717842,-0.0125604451552,10.6263294019,-0.00268092991158,3.94675903436 -0.3250000000000002,0.0827222651006,17.0559298327,0.0238525614576,2.80203717842,-0.0103452193036,10.6263294019,-0.00329276522819,3.94675903436 -0.3300000000000002,0.111217443509,17.0559298327,0.0241868439622,2.80203717842,-0.0090194313897,10.6263294019,-0.00431169634744,3.94675903436 -0.3350000000000002,0.157951357965,17.0559298327,0.0249096883531,2.80203717842,-0.00853773267382,10.6263294019,-0.00627995344153,3.94675903436 -0.3400000000000002,0.243821515825,17.0559298327,0.0260728598896,2.80203717842,-0.00967126758226,10.6263294019,-0.0114854974896,3.94675903436 -0.3450000000000002,0.432623370926,17.0559298327,0.0277718222232,2.80203717842,-0.0285605934433,10.6263294019,-0.059909034898,3.94675903436 -0.3500000000000002,1.01217938142,17.0559298327,0.0301673558062,2.80203717842,0.0044207317791,10.6263294019,0.0196764669438,3.94675903436 -0.3550000000000002,5.35107276081,17.0559298327,0.0335292350289,2.80203717842,0.000542683623389,10.6263294019,0.00872235955827,3.94675903436 -0.3600000000000002,-26.5029092581,17.0559298327,0.0383278895683,2.80203717842,4.58421200142e-05,10.6263294019,0.00574069816566,3.94675903436 -0.3650000000000002,-1.06714375597,17.0559298327,0.0454447649229,2.80203717842,-0.000276764471002,10.6263294019,0.00436502065231,3.94675903436 -0.3700000000000002,-0.194506526601,17.0559298327,0.0567256927075,2.80203717842,-0.000574211076725,10.6263294019,0.00358206498815,3.94675903436 -0.3750000000000002,0.0254547730141,17.0559298327,0.076768170879,2.80203717842,-0.000791036912911,10.6263294019,0.00308263480337,3.94675903436 -0.3800000000000002,0.165618826081,17.0559298327,0.121042578893,2.80203717842,-0.000903906892494,10.6263294019,0.00274064040645,3.94675903436 -0.38500000000000023,0.487709481509,17.0559298327,0.294288341458,2.80203717842,-0.00084907668413,10.6263294019,0.00249509373355,3.94675903436 -0.39000000000000024,-1.12196199264,17.0559298327,-0.66528169721,2.80203717842,-0.000221034645325,10.6263294019,0.00231295829839,3.94675903436 -0.39500000000000024,-0.252628102145,17.0559298327,-0.156643811924,2.80203717842,-0.00130640837399,10.6263294019,0.00217484705076,3.94675903436 -0.40000000000000024,-0.133578368846,17.0559298327,-0.0893616762474,2.80203717842,-0.00234046719873,10.6263294019,0.00206870052358,3.94675903436 -0.40500000000000025,-0.0854337532619,17.0559298327,-0.0629971127082,2.80203717842,-0.00360895144704,10.6263294019,0.0019866944264,3.94675903436 -0.41000000000000025,-0.0591443091825,17.0559298327,-0.0490442421112,2.80203717842,-0.00526974216938,10.6263294019,0.00192360550985,3.94675903436 -0.41500000000000026,-0.0423629480901,17.0559298327,-0.0404861292337,2.80203717842,-0.00752448453848,10.6263294019,0.00187589502334,3.94675903436 -0.42000000000000026,-0.0304148034619,17.0559298327,-0.0347579590522,2.80203717842,-0.0106834641405,10.6263294019,0.00184117128988,3.94675903436 -0.42500000000000027,-0.0209983700673,17.0559298327,-0.0307004950546,2.80203717842,-0.0152607917455,10.6263294019,0.0018178656399,3.94675903436 -0.43000000000000027,-0.0124410821025,17.0559298327,-0.0277141606588,2.80203717842,-0.0221631385471,10.6263294019,0.00180503625423,3.94675903436 -0.4350000000000003,-0.00454472183506,17.0559298327,-0.0254585416436,2.80203717842,-0.0331081849945,10.6263294019,0.00180225461043,3.94675903436 -0.4400000000000003,-0.0113462342608,17.0559298327,-0.0237268822941,2.80203717842,-0.0516606353503,10.6263294019,0.00180955095554,3.94675903436 -0.4450000000000003,-0.0138298611298,17.0559298327,-0.0223872489175,2.80203717842,-0.0861888254948,10.6263294019,0.00182740841981,3.94675903436 -0.4500000000000003,-0.0147636569806,17.0559298327,-0.0213524585446,2.80203717842,-0.160170496467,10.6263294019,0.00185680510665,3.94675903436 -0.4550000000000003,-0.0145048375723,17.0559298327,-0.0205636652308,2.80203717842,-0.361214248897,10.6263294019,0.00189931302641,3.94675903436 -0.4600000000000003,-0.0127605113913,17.0559298327,-0.0199809546106,2.80203717842,-1.25893602832,10.6263294019,0.00195727528241,3.94675903436 -0.4650000000000003,-0.00781052890179,17.0559298327,-0.019577787124,2.80203717842,-33.79425033,10.6263294019,0.00203410321329,3.94675903436 -0.4700000000000003,-0.0110367254087,17.0559298327,-0.0193377012923,2.80203717842,3.97807560743,10.6263294019,0.0021347723539,3.94675903436 -0.4750000000000003,-0.0207997247792,17.0559298327,-0.019252453686,2.80203717842,0.775432666046,10.6263294019,0.00226667000184,3.94675903436 -0.4800000000000003,-0.0308859094082,17.0559298327,-0.0193211792233,2.80203717842,0.331561439953,10.6263294019,0.00244110546413,3.94675903436 -0.4850000000000003,-0.0428180997344,17.0559298327,-0.0195504022636,2.80203717842,0.187403608889,10.6263294019,0.00267616096866,3.94675903436 -0.4900000000000003,-0.0497971047289,17.0559298327,-0.0199549168002,2.80203717842,0.107517874098,10.6263294019,0.00300249621271,3.94675903436 -0.49500000000000033,-0.0493790276505,17.0559298327,-0.0204597771465,2.80203717842,0.0736976764024,10.6263294019,0.00323485187901,3.94675903436 From a245cdb14157d392780da225a8dccf91bc2b382c Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 09:16:43 -0700 Subject: [PATCH 44/77] Delete pp2_print_7.csv Unwanted file as dictated by PR comments. --- .../Validation/gold/DSS/pp2_print_7.csv | 101 ------------------ 1 file changed, 101 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_7.csv diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_7.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_7.csv deleted file mode 100644 index 2c3822db75..0000000000 --- a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_7.csv +++ /dev/null @@ -1,101 +0,0 @@ -pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation -0.0,-0.0306827499538,9.41582507018,-0.000557451122591,1.11278977424,3.23285962905e-05,26.7626230727,-3.97768207706e-05,3.11855839636 -0.005,0.902904316983,9.41582507018,-0.00112495449284,1.11278977424,0.00010752701866,26.7626230727,-5.11548404776e-05,3.11855839636 -0.01,0.0165880760891,9.41582507018,0.00114089926273,1.11278977424,0.000248267258665,26.7626230727,-6.30232498458e-05,3.11855839636 -0.015,0.00355786035287,9.41582507018,0.000421371820622,1.11278977424,0.00037315669509,26.7626230727,-7.38163161171e-05,3.11855839636 -0.02,0.00161337259969,9.41582507018,0.000278429812737,1.11278977424,0.000462015240706,26.7626230727,-8.33604223263e-05,3.11855839636 -0.025,0.000954019394913,9.41582507018,0.000219869626604,1.11278977424,0.00050508386182,26.7626230727,-9.16902895052e-05,3.11855839636 -0.030000000000000002,0.000647812985872,9.41582507018,0.000189606326064,1.11278977424,0.000455791762794,26.7626230727,-9.90026468141e-05,3.11855839636 -0.035,0.000477958125948,9.41582507018,0.000172252706692,1.11278977424,0.000198308747405,26.7626230727,-0.000105602575883,3.11855839636 -0.04,0.000371801216637,9.41582507018,0.000161899497952,1.11278977424,0.000838707484391,26.7626230727,-0.00011186527912,3.11855839636 -0.045,0.000299200174921,9.41582507018,0.000155826972898,1.11278977424,0.00148760310243,26.7626230727,-0.000118224378687,3.11855839636 -0.049999999999999996,0.00024567597282,9.41582507018,0.00015265197448,1.11278977424,0.00232839457664,26.7626230727,-0.000125192300053,3.11855839636 -0.05499999999999999,0.000203411544118,9.41582507018,0.000151649095753,1.11278977424,0.00347283925572,26.7626230727,-0.000133422167594,3.11855839636 -0.05999999999999999,0.000167662679905,9.41582507018,0.000152467686434,1.11278977424,0.0050734926912,26.7626230727,-0.000143837878484,3.11855839636 -0.06499999999999999,0.00013503915901,9.41582507018,0.000155009611959,1.11278977424,0.0073667798554,26.7626230727,-0.000157905145923,3.11855839636 -0.06999999999999999,0.000102261567593,9.41582507018,0.000159387238238,1.11278977424,0.0107427641775,26.7626230727,-0.000178249677159,3.11855839636 -0.075,6.34386960977e-05,9.41582507018,0.000165936730283,1.11278977424,0.0158853299862,26.7626230727,-0.000210289020811,3.11855839636 -0.08,3.87347745242e-05,9.41582507018,0.000175291467633,1.11278977424,0.0240843846341,26.7626230727,-0.000267577213734,3.11855839636 -0.085,7.96192871896e-05,9.41582507018,0.000188552920371,1.11278977424,0.0379986911922,26.7626230727,-0.000396822094901,3.11855839636 -0.09000000000000001,0.000102571823978,9.41582507018,0.000207663091006,1.11278977424,0.0633224473537,26.7626230727,-0.000941630522183,3.11855839636 -0.09500000000000001,0.000117554274876,9.41582507018,0.000236268340775,1.11278977424,0.132404684301,26.7626230727,0.00145531495952,3.11855839636 -0.10000000000000002,0.000124487282285,9.41582507018,0.000281996779682,1.11278977424,0.31503518025,26.7626230727,0.00035834387222,3.11855839636 -0.10500000000000002,0.000115287091373,9.41582507018,0.000363808896115,1.11278977424,1.59083348437,26.7626230727,0.000187508432009,3.11855839636 -0.11000000000000003,5.1909021237e-05,9.41582507018,0.000545316634447,1.11278977424,-21.3048443491,26.7626230727,0.00011851795602,3.11855839636 -0.11500000000000003,0.000386518403935,9.41582507018,0.00125410530737,1.11278977424,-0.591950911494,26.7626230727,8.12900326612e-05,3.11855839636 -0.12000000000000004,-0.000946482736945,9.41582507018,-0.00276479865149,1.11278977424,-0.155048626235,26.7626230727,5.78629181494e-05,3.11855839636 -0.12500000000000003,-0.000151746541504,9.41582507018,-0.000609212147903,1.11278977424,-0.0601471585328,26.7626230727,4.14666739701e-05,3.11855839636 -0.13000000000000003,-1.03877529358e-06,9.41582507018,-0.000329213157915,1.11278977424,-0.0260683220409,26.7626230727,2.88946006248e-05,3.11855839636 -0.13500000000000004,9.63870452114e-05,9.41582507018,-0.000220024971557,1.11278977424,-0.0108509351514,26.7626230727,1.83209482826e-05,3.11855839636 -0.14000000000000004,0.000184289435455,9.41582507018,-0.000162298633374,1.11278977424,-0.0033447046694,26.7626230727,8.4824235061e-06,3.11855839636 -0.14500000000000005,0.000276411572646,9.41582507018,-0.000126689798503,1.11278977424,0.000448179571599,26.7626230727,-1.72192077198e-06,3.11855839636 -0.15000000000000005,0.000382498002631,9.41582507018,-0.000102428122283,1.11278977424,0.00226833569207,26.7626230727,-1.3516459439e-05,3.11855839636 -0.15500000000000005,0.00051526527586,9.41582507018,-8.45888151489e-05,1.11278977424,0.00298490713824,26.7626230727,-2.85792378502e-05,3.11855839636 -0.16000000000000006,0.000697535958197,9.41582507018,-7.05645801842e-05,1.11278977424,0.00307385503078,26.7626230727,-4.96035508974e-05,3.11855839636 -0.16500000000000006,0.000978872252848,9.41582507018,-5.88136820266e-05,1.11278977424,0.00280852300668,26.7626230727,-8.15087433565e-05,3.11855839636 -0.17000000000000007,0.0014913130025,9.41582507018,-4.83371586243e-05,1.11278977424,0.00234462818666,26.7626230727,-0.000134580255489,3.11855839636 -0.17500000000000007,0.00272017373639,9.41582507018,-3.84330408682e-05,1.11278977424,0.00175903250862,26.7626230727,-0.000234611481383,3.11855839636 -0.18000000000000008,0.00820538933534,9.41582507018,-2.85693413718e-05,1.11278977424,0.0010499187463,26.7626230727,-0.000469253336785,3.11855839636 -0.18500000000000008,-10.6977065865,9.41582507018,-1.83127323453e-05,1.11278977424,0.000377467807423,26.7626230727,-0.00144334631206,3.11855839636 -0.19000000000000009,-0.00181876954186,9.41582507018,-7.28520083071e-06,1.11278977424,0.00198829432899,26.7626230727,0.00380352835494,3.11855839636 -0.1950000000000001,0.000298016909274,9.41582507018,4.86442780661e-06,1.11278977424,0.00172315240834,26.7626230727,0.00114095531263,3.11855839636 -0.2000000000000001,0.000484613282186,9.41582507018,1.84806778369e-05,1.11278977424,0.00173198505852,26.7626230727,0.000802430356588,3.11855839636 -0.2050000000000001,0.000478409389526,9.41582507018,3.39168035716e-05,1.11278977424,0.00164113577386,26.7626230727,0.000692843913681,3.11855839636 -0.2100000000000001,0.000443143571947,9.41582507018,5.15473038338e-05,1.11278977424,0.00137529101676,26.7626230727,0.000657905411826,3.11855839636 -0.2150000000000001,0.000406683877593,9.41582507018,7.17787175624e-05,1.11278977424,0.000633598181294,26.7626230727,0.000660244626901,3.11855839636 -0.2200000000000001,0.000374086409908,9.41582507018,9.50594242387e-05,1.11278977424,0.00145154624477,26.7626230727,0.000687097357742,3.11855839636 -0.22500000000000012,0.000345348559774,9.41582507018,0.000121888944865,1.11278977424,0.0024919919182,26.7626230727,0.000733691388974,3.11855839636 -0.23000000000000012,0.000319182009349,9.41582507018,0.000152827124769,1.11278977424,0.00359454513161,26.7626230727,0.000798644650834,3.11855839636 -0.23500000000000013,0.000293887601063,9.41582507018,0.000188503543319,1.11278977424,0.00490517967202,26.7626230727,0.000882352195968,3.11855839636 -0.24000000000000013,0.000267455857994,9.41582507018,0.000229627527076,1.11278977424,0.0065590112144,26.7626230727,0.000986327669379,3.11855839636 -0.24500000000000013,0.000237319510863,9.41582507018,0.000276999245557,1.11278977424,0.0087409751708,26.7626230727,0.00111289297195,3.11855839636 -0.2500000000000001,0.000199579114608,9.41582507018,0.000331522555985,1.11278977424,0.0117404008389,26.7626230727,0.00126498847598,3.11855839636 -0.2550000000000001,0.000146057429909,9.41582507018,0.000394220556496,1.11278977424,0.0160477113723,26.7626230727,0.00144599092204,3.11855839636 -0.2600000000000001,1.90837157492e-05,9.41582507018,0.000466255236193,1.11278977424,0.0225605981899,26.7626230727,0.00165945967176,3.11855839636 -0.2650000000000001,0.000151737370652,9.41582507018,0.000548953216518,1.11278977424,0.0330806750009,26.7626230727,0.00190873844014,3.11855839636 -0.27000000000000013,0.000218700149796,9.41582507018,0.000643840421163,1.11278977424,0.0516929209211,26.7626230727,0.00219634308257,3.11855839636 -0.27500000000000013,0.0002670189776,9.41582507018,0.00075268968204,1.11278977424,0.0894273854518,26.7626230727,0.00252308720763,3.11855839636 -0.28000000000000014,0.000295840969064,9.41582507018,0.000877586934222,1.11278977424,0.185555738772,26.7626230727,0.002886961159,3.11855839636 -0.28500000000000014,0.00029146395723,9.41582507018,0.00102102402236,1.11278977424,0.577167840156,26.7626230727,0.00328190958063,3.11855839636 -0.29000000000000015,0.000204925986361,9.41582507018,0.00118602966583,1.11278977424,10.2487352137,26.7626230727,0.00369684641987,3.11855839636 -0.29500000000000015,0.000284536483274,9.41582507018,0.00137635556721,1.11278977424,-1.99347013948,26.7626230727,0.00411543626571,3.11855839636 -0.30000000000000016,0.000596911791929,9.41582507018,0.00159674334825,1.11278977424,-0.320959386856,26.7626230727,0.0045171998707,3.11855839636 -0.30500000000000016,0.000957747446753,9.41582507018,0.00185331241199,1.11278977424,-0.120733662553,26.7626230727,0.00488018580299,3.11855839636 -0.31000000000000016,0.00141891567545,9.41582507018,0.00215413353736,1.11278977424,-0.0605269635727,26.7626230727,0.0051847701627,3.11855839636 -0.31500000000000017,0.00203066329996,9.41582507018,0.00251009686648,1.11278977424,-0.0350851626381,26.7626230727,0.00541742730367,3.11855839636 -0.3200000000000002,0.0028638633866,9.41582507018,0.00293626382708,1.11278977424,-0.0222276102019,26.7626230727,0.00557310011959,3.11855839636 -0.3250000000000002,0.00402927490083,9.41582507018,0.00345404844976,1.11278977424,-0.0149751184191,26.7626230727,0.00565536595129,3.11855839636 -0.3300000000000002,0.00571119111095,9.41582507018,0.00409489024731,1.11278977424,-0.0105625631986,26.7626230727,0.00567460221727,3.11855839636 -0.3350000000000002,0.00823605774456,9.41582507018,0.00490676581009,1.11278977424,-0.0077153027945,26.7626230727,0.00564512067525,3.11855839636 -0.3400000000000002,0.0122271018125,9.41582507018,0.00596648538713,1.11278977424,-0.00577991464454,26.7626230727,0.00558235862682,3.11855839636 -0.3450000000000002,0.018995346848,9.41582507018,0.00740482498323,1.11278977424,-0.00439394557158,26.7626230727,0.00550082435537,3.11855839636 -0.3500000000000002,0.0316929901205,9.41582507018,0.00946343340245,1.11278977424,-0.00334234235238,26.7626230727,0.00541298554899,3.11855839636 -0.3550000000000002,0.0595709626355,9.41582507018,0.0126429144169,1.11278977424,-0.0024863447892,26.7626230727,0.00532894549572,3.11855839636 -0.3600000000000002,0.140776212592,9.41582507018,0.0181746074932,1.11278977424,-0.00171772464755,26.7626230727,0.00525663011472,3.11855839636 -0.3650000000000002,0.626854978843,9.41582507018,0.0301146631651,1.11278977424,-0.000873774219684,26.7626230727,0.00520223492173,3.11855839636 -0.3700000000000002,2.05044640812,9.41582507018,0.0743055194479,1.11278977424,-0.000868952684127,26.7626230727,0.005170763208,3.11855839636 -0.3750000000000002,-1.967788632,9.41582507018,-0.228642820892,1.11278977424,-0.0013411350317,26.7626230727,0.00516656840981,3.11855839636 -0.3800000000000002,-0.245003908081,9.41582507018,-0.0490085283738,1.11278977424,-0.0015658039418,26.7626230727,0.00519387448625,3.11855839636 -0.38500000000000023,-0.100123174825,9.41582507018,-0.0287984424702,1.11278977424,-0.00164975224519,26.7626230727,0.00525728862216,3.11855839636 -0.39000000000000024,-0.05542537026,9.41582507018,-0.021097130417,1.11278977424,-0.0015957477508,26.7626230727,0.00536234935958,3.11855839636 -0.39500000000000024,-0.0355326760753,9.41582507018,-0.0170989701414,1.11278977424,-0.00133583190046,26.7626230727,0.00551618120264,3.11855839636 -0.40000000000000024,-0.0248271759234,9.41582507018,-0.0147030530606,1.11278977424,-0.000431356964331,26.7626230727,0.00572836665979,3.11855839636 -0.40500000000000025,-0.0183315366917,9.41582507018,-0.0131542795141,1.11278977424,-0.00163124640358,26.7626230727,0.00601221751251,3.11855839636 -0.41000000000000025,-0.014039428773,9.41582507018,-0.0121164464296,1.11278977424,-0.00272489168365,26.7626230727,0.00638676433496,3.11855839636 -0.41500000000000026,-0.0110075021854,9.41582507018,-0.0114192283556,1.11278977424,-0.00389707823712,26.7626230727,0.00688006422458,3.11855839636 -0.42000000000000026,-0.00873844218418,9.41582507018,-0.010969436566,1.11278977424,-0.00526257780172,26.7626230727,0.00753503682461,3.11855839636 -0.42500000000000027,-0.00694247493037,9.41582507018,-0.010714530666,1.11278977424,-0.0069092473011,26.7626230727,0.0084204650592,3.11855839636 -0.43000000000000027,-0.00542968459402,9.41582507018,-0.0106260431118,1.11278977424,-0.008919334962,26.7626230727,0.00965345784477,3.11855839636 -0.4350000000000003,-0.00404685483649,9.41582507018,-0.0106917823832,1.11278977424,-0.011334640699,26.7626230727,0.0114502689769,3.11855839636 -0.4400000000000003,-0.00259270956285,9.41582507018,-0.0109125570054,1.11278977424,-0.0139824921564,26.7626230727,0.0142583859854,3.11855839636 -0.4450000000000003,-0.000869341591331,9.41582507018,-0.0113018241527,1.11278977424,-0.015685422106,26.7626230727,0.0191766301145,3.11855839636 -0.4500000000000003,-0.00261042853509,9.41582507018,-0.0118880026411,1.11278977424,-0.00976379372345,26.7626230727,0.029814143336,3.11855839636 -0.4550000000000003,-0.00344428825304,9.41582507018,-0.0127202913723,1.11278977424,0.0637181974297,26.7626230727,0.0689859651338,3.11855839636 -0.4600000000000003,-0.00399788704279,9.41582507018,-0.0138804842168,1.11278977424,-0.874835797642,26.7626230727,-0.208169930301,3.11855839636 -0.4650000000000003,-0.004330498936,9.41582507018,-0.0155068429663,1.11278977424,-0.593560492947,26.7626230727,-0.041378998195,3.11855839636 -0.4700000000000003,-0.00431577516571,9.41582507018,-0.0178454317953,1.11278977424,-1.42955754325,26.7626230727,-0.023041078054,3.11855839636 -0.4750000000000003,-0.00329586376578,9.41582507018,-0.0213728514744,1.11278977424,-19.2990481855,26.7626230727,-0.0160481184739,3.11855839636 -0.4800000000000003,-0.00451029883553,9.41582507018,-0.0271394764463,1.11278977424,5.44897180868,26.7626230727,-0.0123897802269,3.11855839636 -0.4850000000000003,-0.0119025242749,9.41582507018,-0.0379906792011,1.11278977424,0.826637403068,26.7626230727,-0.0101614164409,3.11855839636 -0.4900000000000003,-0.0244749095371,9.41582507018,-0.0652289208328,1.11278977424,0.278172048151,26.7626230727,-0.00867817231596,3.11855839636 -0.49500000000000033,-0.0382687518741,9.41582507018,-0.102746733456,1.11278977424,0.159666457462,26.7626230727,-0.00810965884763,3.11855839636 From d2e2bb08129618da0d35c762efc1a3b10bb84cea Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 09:16:53 -0700 Subject: [PATCH 45/77] Delete pp2_print_8.csv Unwanted file as dictated by PR comments. --- .../Validation/gold/DSS/pp2_print_8.csv | 101 ------------------ 1 file changed, 101 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_8.csv diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_8.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_8.csv deleted file mode 100644 index 6fceed1c6f..0000000000 --- a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_8.csv +++ /dev/null @@ -1,101 +0,0 @@ -pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation -0.0,0.0766179352583,17.382257437,0.000755459814065,3.04157746282,-0.0140341780609,44.7642229618,-0.0667114589931,5.49765965736 -0.005,0.0634762364734,17.382257437,-2.37886667141e-07,3.04157746282,-0.0198530934049,44.7642229618,-0.0836126007673,5.49765965736 -0.01,0.0427570295443,17.382257437,-8.45402657216e-08,3.04157746282,-0.0252939453424,44.7642229618,-0.100349963348,5.49765965736 -0.015,0.0286018652395,17.382257437,-5.57957133201e-08,3.04157746282,-0.0243388730404,44.7642229618,-0.115046986624,5.49765965736 -0.02,0.0210236449805,17.382257437,-4.42667142247e-08,3.04157746282,-0.0129984415582,44.7642229618,-0.127728188461,5.49765965736 -0.025,0.0164575281605,17.382257437,-3.84227771502e-08,3.04157746282,-0.0283035069215,44.7642229618,-0.13872547446,5.49765965736 -0.030000000000000002,0.0134418131959,17.382257437,-3.51517091895e-08,3.04157746282,-0.0502366951236,44.7642229618,-0.148567035324,5.49765965736 -0.035,0.0112825784351,17.382257437,-3.32697900065e-08,3.04157746282,-0.0728063028921,44.7642229618,-0.157900812851,5.49765965736 -0.04,0.00960829455293,17.382257437,-3.22378490597e-08,3.04157746282,-0.0981902030458,44.7642229618,-0.167475585491,5.49765965736 -0.045,0.00819416765048,17.382257437,-3.17868308301e-08,3.04157746282,-0.128379738659,44.7642229618,-0.178190252587,5.49765965736 -0.049999999999999996,0.00688019091495,17.382257437,-3.17820325634e-08,3.04157746282,-0.166340299881,44.7642229618,-0.191234386736,5.49765965736 -0.05499999999999999,0.00551759426795,17.382257437,-3.2167767044e-08,3.04157746282,-0.217201578683,44.7642229618,-0.208392722618,5.49765965736 -0.05999999999999999,0.00388240844208,17.382257437,-3.29453857917e-08,3.04157746282,-0.290804374855,44.7642229618,-0.232728462736,5.49765965736 -0.06499999999999999,0.000718467776938,17.382257437,-3.41694417397e-08,3.04157746282,-0.408478140868,44.7642229618,-0.270329968835,5.49765965736 -0.06999999999999999,0.00365483905979,17.382257437,-3.5959154201e-08,3.04157746282,-0.625213421512,44.7642229618,-0.33577072639,5.49765965736 -0.075,0.00510229819122,17.382257437,-3.85312409052e-08,3.04157746282,-1.12948805066,44.7642229618,-0.475684829117,5.49765965736 -0.08,0.00601119925538,17.382257437,-4.22748563649e-08,3.04157746282,-3.11685857128,44.7642229618,-0.967966986377,5.49765965736 -0.085,0.00640846745449,17.382257437,-4.79284952287e-08,3.04157746282,17.7930104612,44.7642229618,3.61274599878,5.49765965736 -0.09000000000000001,0.00604375957229,17.382257437,-5.70523913778e-08,3.04157746282,5.35189434669,44.7642229618,0.529095850456,5.49765965736 -0.09500000000000001,0.00398213815592,17.382257437,-7.35780664916e-08,3.04157746282,24.8146650348,44.7642229618,0.25674482114,5.49765965736 -0.10000000000000002,0.00553682685252,17.382257437,-1.11032838583e-07,3.04157746282,0.258751826313,44.7642229618,0.155549851088,5.49765965736 -0.10500000000000002,0.0107953176057,17.382257437,-2.67586197346e-07,3.04157746282,0.327998619471,44.7642229618,0.102750899158,5.49765965736 -0.11000000000000003,0.0161203828179,17.382257437,4.46800910848e-07,3.04157746282,0.170078372383,44.7642229618,0.0699664304609,5.49765965736 -0.11500000000000003,0.0220007957478,17.382257437,1.12042588921e-07,3.04157746282,0.0904048618576,44.7642229618,0.0469550141142,5.49765965736 -0.12000000000000004,0.0286209377741,17.382257437,6.12730188443e-08,3.04157746282,0.0460652867323,44.7642229618,0.0289153741263,5.49765965736 -0.12500000000000003,0.0361246921327,17.382257437,4.09369377937e-08,3.04157746282,0.0176903531448,44.7642229618,0.0130230763885,5.49765965736 -0.13000000000000003,0.0446985036227,17.382257437,3.0037208598e-08,3.04157746282,-0.00338956638442,44.7642229618,-0.00287654390044,5.49765965736 -0.13500000000000004,0.0546533591936,17.382257437,2.32262928677e-08,3.04157746282,-0.021594472442,44.7642229618,-0.0209917021408,5.49765965736 -0.14000000000000004,0.0665529540417,17.382257437,1.85015539036e-08,3.04157746282,-0.0396630593666,44.7642229618,-0.0442792801278,5.49765965736 -0.14500000000000005,0.0814554862728,17.382257437,1.49305409444e-08,3.04157746282,-0.0598781249142,44.7642229618,-0.0775699273158,5.49765965736 -0.15000000000000005,0.101450488483,17.382257437,1.2008965536e-08,3.04157746282,-0.0849733064531,44.7642229618,-0.130080889287,5.49765965736 -0.15500000000000005,0.131087691699,17.382257437,9.43049458666e-09,3.04157746282,-0.119536030406,44.7642229618,-0.222508547462,5.49765965736 -0.16000000000000006,0.182186827663,17.382257437,6.98998015508e-09,3.04157746282,-0.174241341616,44.7642229618,-0.413591494153,5.49765965736 -0.16500000000000006,0.297507195561,17.382257437,4.53756308295e-09,3.04157746282,-0.289227085144,44.7642229618,-0.963642202773,5.49765965736 -0.17000000000000007,0.837797414979,17.382257437,1.95431528909e-09,3.04157746282,-1.32413875409,44.7642229618,-8.63679459601,5.49765965736 -0.17500000000000007,0.837676472005,17.382257437,-8.62578290917e-10,3.04157746282,0.314543654714,44.7642229618,1.99844153162,5.49765965736 -0.18000000000000008,0.279293962,17.382257437,-4.01072931105e-09,3.04157746282,0.260293294945,44.7642229618,1.09238186369,5.49765965736 -0.18500000000000008,0.161040950522,17.382257437,-7.59274667908e-09,3.04157746282,0.225977459461,44.7642229618,0.831034650158,5.49765965736 -0.19000000000000009,0.110044322648,17.382257437,-1.17281972013e-08,3.04157746282,0.195962237397,44.7642229618,0.706011058762,5.49765965736 -0.1950000000000001,0.0815169701597,17.382257437,-1.65701065808e-08,3.04157746282,0.161632599019,44.7642229618,0.628518845663,5.49765965736 -0.2000000000000001,0.0632046975998,17.382257437,-2.2330243826e-08,3.04157746282,0.114874416572,44.7642229618,0.57093222884,5.49765965736 -0.2050000000000001,0.0503844703786,17.382257437,-2.93209701027e-08,3.04157746282,0.0208004483174,44.7642229618,0.522711837371,5.49765965736 -0.2100000000000001,0.0408436777528,17.382257437,-3.80296619088e-08,3.04157746282,0.120357523115,44.7642229618,0.479778351864,5.49765965736 -0.2150000000000001,0.0334026737013,17.382257437,-4.92619406658e-08,3.04157746282,0.16959777707,44.7642229618,0.440788804413,5.49765965736 -0.2200000000000001,0.0273695701411,17.382257437,-6.44446399277e-08,3.04157746282,0.20824181058,44.7642229618,0.405497198787,5.49765965736 -0.22500000000000012,0.0223047163346,17.382257437,-8.63485530164e-08,3.04157746282,0.242484086328,44.7642229618,0.373985814301,5.49765965736 -0.23000000000000012,0.0179041859402,17.382257437,-1.2112045367e-07,3.04157746282,0.275804025599,44.7642229618,0.346339629622,5.49765965736 -0.23500000000000013,0.0139298028655,17.382257437,-1.85599687903e-07,3.04157746282,0.311195940663,44.7642229618,0.322549142671,5.49765965736 -0.24000000000000013,0.0101407813938,17.382257437,-3.48242830226e-07,3.04157746282,0.351963531459,44.7642229618,0.302516917789,5.49765965736 -0.24500000000000013,0.00610456971412,17.382257437,-1.57210165907e-06,3.04157746282,0.402459786508,44.7642229618,0.286099832693,5.49765965736 -0.2500000000000001,0.00299428610602,17.382257437,7.31761569145e-07,3.04157746282,0.469302994217,44.7642229618,0.273155791181,5.49765965736 -0.2550000000000001,0.0063209961021,17.382257437,3.15611005104e-07,3.04157746282,0.56391709594,44.7642229618,0.263584697327,5.49765965736 -0.2600000000000001,0.00763085848306,17.382257437,2.08759055658e-07,3.04157746282,0.708782814487,44.7642229618,0.25736383937,5.49765965736 -0.2650000000000001,0.00806982840295,17.382257437,1.60146511978e-07,3.04157746282,0.95604598702,44.7642229618,0.254582443172,5.49765965736 -0.27000000000000013,0.00780355083358,17.382257437,1.32673376231e-07,3.04157746282,1.46111806376,44.7642229618,0.255482670362,5.49765965736 -0.27500000000000013,0.00668503315964,17.382257437,1.1531544489e-07,3.04157746282,2.97875048716,44.7642229618,0.260517308643,5.49765965736 -0.28000000000000014,0.00377413916681,17.382257437,1.0365033745e-07,3.04157746282,35.3299994478,44.7642229618,0.270440235118,5.49765965736 -0.28500000000000014,0.00589027703646,17.382257437,9.55713531568e-08,3.04157746282,3.00707462133,44.7642229618,0.286458261552,5.49765965736 -0.29000000000000015,0.0104641659443,17.382257437,8.99607553105e-08,3.04157746282,1.73733611056,44.7642229618,0.310500740214,5.49765965736 -0.29500000000000015,0.0149246930327,17.382257437,8.61859296816e-08,3.04157746282,1.28998833644,44.7642229618,0.345728441722,5.49765965736 -0.30000000000000016,0.0199054607256,17.382257437,8.38804495914e-08,3.04157746282,1.09777230447,44.7642229618,0.397569653937,5.49765965736 -0.30500000000000016,0.0258628938024,17.382257437,8.28404772045e-08,3.04157746282,1.02848810087,44.7642229618,0.476049189427,5.49765965736 -0.31000000000000016,0.0333694353498,17.382257437,8.29743583408e-08,3.04157746282,1.05098473511,44.7642229618,0.601780085684,5.49765965736 -0.31500000000000017,0.0432911903675,17.382257437,8.42804740603e-08,3.04157746282,1.18712482491,44.7642229618,0.82471452086,5.49765965736 -0.3200000000000002,0.0570681034441,17.382257437,8.68435079735e-08,3.04157746282,1.56439890115,44.7642229618,1.30477104152,5.49765965736 -0.3250000000000002,0.0772878741578,17.382257437,9.08469908799e-08,3.04157746282,2.99049489296,44.7642229618,2.98359259391,5.49765965736 -0.3300000000000002,0.109021971406,17.382257437,9.66060269805e-08,3.04157746282,-11.6430906076,44.7642229618,-13.9366598512,5.49765965736 -0.3350000000000002,0.163372867292,17.382257437,1.04632326001e-07,3.04157746282,-1.53930654615,44.7642229618,-2.23415848722,5.49765965736 -0.3400000000000002,0.26868331458,17.382257437,1.15759886144e-07,3.04157746282,-0.705340630385,44.7642229618,-1.26848415518,5.49765965736 -0.3450000000000002,0.516364584015,17.382257437,1.31398400103e-07,3.04157746282,-0.393999426039,44.7642229618,-0.915399916603,5.49765965736 -0.3500000000000002,1.35185710055,17.382257437,1.5408750332e-07,3.04157746282,-0.223495137551,44.7642229618,-0.735169703334,5.49765965736 -0.3550000000000002,8.95541200506,17.382257437,1.88862512586e-07,3.04157746282,-0.0967009866621,44.7642229618,-0.627499450317,5.49765965736 -0.3600000000000002,-28.9157925245,17.382257437,2.47255244352e-07,3.04157746282,-0.0887315595718,44.7642229618,-0.556984404462,5.49765965736 -0.3650000000000002,-2.04140064426,17.382257437,3.62658377701e-07,3.04157746282,-0.122318338424,44.7642229618,-0.50793815665,5.49765965736 -0.3700000000000002,-0.686188136722,17.382257437,6.88521252376e-07,3.04157746282,-0.130173377388,44.7642229618,-0.472349282664,5.49765965736 -0.3750000000000002,-0.342920526144,17.382257437,6.81086396551e-06,3.04157746282,-0.126207148569,44.7642229618,-0.445708879334,5.49765965736 -0.3800000000000002,-0.206358071634,17.382257437,-8.74737058002e-07,3.04157746282,-0.113160389053,44.7642229618,-0.425297229316,5.49765965736 -0.38500000000000023,-0.138258167655,17.382257437,-4.16082279754e-07,3.04157746282,-0.0888354991172,44.7642229618,-0.40938978377,5.49765965736 -0.39000000000000024,-0.0992757117514,17.382257437,-2.76141533993e-07,3.04157746282,-0.0342044876592,44.7642229618,-0.396853988338,5.49765965736 -0.39500000000000024,-0.0747228392712,17.382257437,-2.08909348535e-07,3.04157746282,-0.0873433212143,44.7642229618,-0.386929340875,5.49765965736 -0.40000000000000024,-0.058092908911,17.382257437,-1.6974028524e-07,3.04157746282,-0.137949162302,44.7642229618,-0.379100324519,5.49765965736 -0.40500000000000025,-0.0461279485462,17.382257437,-1.44328470817e-07,3.04157746282,-0.184096818585,44.7642229618,-0.373019610799,5.49765965736 -0.41000000000000025,-0.037030882991,17.382257437,-1.26681304813e-07,3.04157746282,-0.231451835307,44.7642229618,-0.368460122885,5.49765965736 -0.41500000000000026,-0.0297173927724,17.382257437,-1.1384971055e-07,3.04157746282,-0.283249427815,44.7642229618,-0.365284649124,5.49765965736 -0.42000000000000026,-0.0234564906682,17.382257437,-1.04216368056e-07,3.04157746282,-0.342690613933,44.7642229618,-0.363426818521,5.49765965736 -0.42500000000000027,-0.0176463581116,17.382257437,-9.68228967361e-08,3.04157746282,-0.413909556542,44.7642229618,-0.362880013503,5.49765965736 -0.43000000000000027,-0.0114971205473,17.382257437,-9.1068004043e-08,3.04157746282,-0.50304268279,44.7642229618,-0.363692409128,5.49765965736 -0.4350000000000003,-0.00268027058148,17.382257437,-8.65581854696e-08,3.04157746282,-0.620105717779,44.7642229618,-0.365967395628,5.49765965736 -0.4400000000000003,-0.0108379331777,17.382257437,-8.30281657082e-08,3.04157746282,-0.78298600995,44.7642229618,-0.369869506547,5.49765965736 -0.4450000000000003,-0.0142463500807,17.382257437,-8.02959980022e-08,3.04157746282,-1.02725455535,44.7642229618,-0.3756368878,5.49765965736 -0.4500000000000003,-0.016191858155,17.382257437,-7.82366211185e-08,3.04157746282,-1.43490622822,44.7642229618,-0.383602569944,5.49765965736 -0.4550000000000003,-0.0169359462252,17.382257437,-7.67658718131e-08,3.04157746282,-2.24350595478,44.7642229618,-0.39422874796,5.49765965736 -0.4600000000000003,-0.0160926654828,17.382257437,-7.58307989645e-08,3.04157746282,-4.50152487095,44.7642229618,-0.408161671023,5.49765965736 -0.4650000000000003,-0.0120549150113,17.382257437,-7.54040669454e-08,3.04157746282,-23.7857952866,44.7642229618,-0.426321124734,5.49765965736 -0.4700000000000003,-0.0106514961142,17.382257437,-7.54812981885e-08,3.04157746282,3.01522648483,44.7642229618,-0.450051235414,5.49765965736 -0.4750000000000003,-0.0249502300599,17.382257437,-7.60808609275e-08,3.04157746282,-2.02773616538,44.7642229618,-0.481386519321,5.49765965736 -0.4800000000000003,-0.0396287384342,17.382257437,-7.7246105534e-08,3.04157746282,-1.73740406466,44.7642229618,-0.523549672213,5.49765965736 -0.4850000000000003,-0.0574696004356,17.382257437,-7.90505602526e-08,3.04157746282,-1.50891777393,44.7642229618,-0.581955448149,5.49765965736 -0.4900000000000003,-0.0692535087708,17.382257437,-8.16072910692e-08,3.04157746282,-1.22516588853,44.7642229618,-0.666442262839,5.49765965736 -0.49500000000000033,-0.0702459831803,17.382257437,-8.45272772513e-08,3.04157746282,-0.98926977011,44.7642229618,-0.728823164106,5.49765965736 From 7ed2b4b35a2b273a3b5df13e80f933bca33be9cb Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 09:17:04 -0700 Subject: [PATCH 46/77] Delete pp2_print_9.csv Unwanted file as dictated by PR comments. --- .../Validation/gold/DSS/pp2_print_9.csv | 101 ------------------ 1 file changed, 101 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_9.csv diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_9.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_9.csv deleted file mode 100644 index 42af8d7c03..0000000000 --- a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_9.csv +++ /dev/null @@ -1,101 +0,0 @@ -pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation -0.0,-0.764555917836,18.1140398957,-0.00195238046846,1.47154939559,5.38967449988e-06,74.6823596112,7.45813228589e-05,5.29995970548 -0.005,9.30858909673,18.1140398957,-0.00100864803365,1.47154939559,1.24795723904e-05,74.6823596112,9.02270196318e-05,5.29995970548 -0.01,0.122334352586,18.1140398957,-0.000540517984425,1.47154939559,2.30373480673e-05,74.6823596112,0.000104951685713,5.29995970548 -0.015,0.0360350905229,18.1140398957,-0.000395318449729,1.47154939559,3.11545786472e-05,74.6823596112,0.000117536572211,5.29995970548 -0.02,0.0178616080118,18.1140398957,-0.00032806376042,1.47154939559,3.52673546559e-05,74.6823596112,0.000128118033517,5.29995970548 -0.025,0.0110996588791,18.1140398957,-0.000291469775938,1.47154939559,3.48725374001e-05,74.6823596112,0.00013704885295,5.29995970548 -0.030000000000000002,0.00782442239411,18.1140398957,-0.000270021532621,1.47154939559,2.74601270738e-05,74.6823596112,0.000144796857306,5.29995970548 -0.035,0.00596713854891,18.1140398957,-0.000257165344332,1.47154939559,1.74308869852e-05,74.6823596112,0.000151879556221,5.29995970548 -0.04,0.00479142607467,18.1140398957,-0.000249704165621,1.47154939559,4.68681025843e-05,74.6823596112,0.000158841403937,5.29995970548 -0.045,0.00397883944845,18.1140398957,-0.000245951779029,1.47154939559,7.29695189883e-05,74.6823596112,0.000166270769047,5.29995970548 -0.049999999999999996,0.00337056580719,18.1140398957,-0.000245005533108,1.47154939559,0.000102009459134,74.6823596112,0.000174857084079,5.29995970548 -0.05499999999999999,0.00287691949975,18.1140398957,-0.000246427172135,1.47154939559,0.000137128469396,74.6823596112,0.000185503180524,5.29995970548 -0.05999999999999999,0.00243978712216,18.1140398957,-0.00025009959392,1.47154939559,0.000182434923644,74.6823596112,0.000199540385351,5.29995970548 -0.06499999999999999,0.00201330853255,18.1140398957,-0.000256175553209,1.47154939559,0.000244837471868,74.6823596112,0.000219175545031,5.29995970548 -0.06999999999999999,0.00154676629616,18.1140398957,-0.000265091173375,1.47154939559,0.000337611433295,74.6823596112,0.000248544527189,5.29995970548 -0.075,0.000933218556283,18.1140398957,-0.000277648598126,1.47154939559,0.000490166282839,74.6823596112,0.000296651750882,5.29995970548 -0.08,0.000738229383803,18.1140398957,-0.000295205653909,1.47154939559,0.000782836614714,74.6823596112,0.000387882072793,5.29995970548 -0.085,0.00135111811562,18.1140398957,-0.000320074823849,1.47154939559,0.00153831819746,74.6823596112,0.000620141189165,5.29995970548 -0.09000000000000001,0.00169304045562,18.1140398957,-0.000356400095265,1.47154939559,0.00704095952057,74.6823596112,0.00230114231943,5.29995970548 -0.09500000000000001,0.00186223763633,18.1140398957,-0.000412295854754,1.47154939559,-0.00366566346322,74.6823596112,-0.000993689694002,5.29995970548 -0.10000000000000002,0.00182002129162,18.1140398957,-0.000505986346365,1.47154939559,-0.00121399643134,74.6823596112,-0.000359947224045,5.29995970548 -0.10500000000000002,0.0014019346304,18.1140398957,-0.000688568246118,1.47154939559,0.00476364579429,74.6823596112,-0.000200815453204,5.29995970548 -0.11000000000000003,0.00096518997665,18.1140398957,-0.00117897439105,1.47154939559,-0.0228786763106,74.6823596112,-0.000128704078952,5.29995970548 -0.11500000000000003,0.00106584058215,18.1140398957,-0.00622483162807,1.47154939559,-0.00202501780625,74.6823596112,-8.74296939224e-05,5.29995970548 -0.12000000000000004,0.00500065142453,18.1140398957,0.00163464307481,1.47154939559,-0.000644592110542,74.6823596112,-6.02566312226e-05,5.29995970548 -0.12500000000000003,0.0063405052665,18.1140398957,0.000680912709895,1.47154939559,-0.000263169163118,74.6823596112,-4.02890758731e-05,5.29995970548 -0.13000000000000003,0.00806093143485,18.1140398957,0.000415127950183,1.47154939559,-0.000106765119713,74.6823596112,-2.396500269e-05,5.29995970548 -0.13500000000000004,0.0100310279142,18.1140398957,0.000291255467184,1.47154939559,-2.87950161848e-05,74.6823596112,-8.98515368402e-06,5.29995970548 -0.14000000000000004,0.0122675900269,18.1140398957,0.000219812525857,1.47154939559,1.56198184827e-05,74.6823596112,6.58237083438e-06,5.29995970548 -0.14500000000000005,0.0148351988889,18.1140398957,0.000173084366444,1.47154939559,4.45234611385e-05,74.6823596112,2.48908800733e-05,5.29995970548 -0.15000000000000005,0.0178615263141,18.1140398957,0.000139569234505,1.47154939559,6.68822854882e-05,74.6823596112,4.89881660267e-05,5.29995970548 -0.15500000000000005,0.0215861105014,18.1140398957,0.000113544805269,1.47154939559,8.83071290355e-05,74.6823596112,8.40179601309e-05,5.29995970548 -0.16000000000000006,0.0264694626739,18.1140398957,9.17642533806e-05,1.47154939559,0.000113663052235,74.6823596112,0.000140028985451,5.29995970548 -0.16500000000000006,0.0334698845667,18.1140398957,7.21801565184e-05,1.47154939559,0.000149542671478,74.6823596112,0.000240182391112,5.29995970548 -0.17000000000000007,0.0449012179012,18.1140398957,5.33783782595e-05,1.47154939559,0.000210665987604,74.6823596112,0.00045294177425,5.29995970548 -0.17500000000000007,0.0680565351862,18.1140398957,3.42976465134e-05,1.47154939559,0.000358490123034,74.6823596112,0.00111006239632,5.29995970548 -0.18000000000000008,0.14347327974,18.1140398957,1.40749791421e-05,1.47154939559,0.00653073824288,74.6823596112,0.038058520468,5.29995970548 -0.18500000000000008,0.642873311033,18.1140398957,-8.05134042323e-06,1.47154939559,-0.000256170021662,74.6823596112,-0.00179839086359,5.29995970548 -0.19000000000000009,0.0986041883731,18.1140398957,-3.28143617829e-05,1.47154939559,-0.000240592785336,74.6823596112,-0.00106067265365,5.29995970548 -0.1950000000000001,0.051011542904,18.1140398957,-6.0985853474e-05,1.47154939559,-0.000216016050804,74.6823596112,-0.000831601264163,5.29995970548 -0.2000000000000001,0.0333225034375,18.1140398957,-9.34532448432e-05,1.47154939559,-0.000191151865901,74.6823596112,-0.000722614866523,5.29995970548 -0.2050000000000001,0.0240484637801,18.1140398957,-0.000131322132975,1.47154939559,-0.00016024607495,74.6823596112,-0.000657479963995,5.29995970548 -0.2100000000000001,0.0183079092213,18.1140398957,-0.000176067344773,1.47154939559,-0.000114842225154,74.6823596112,-0.000610921725764,5.29995970548 -0.2150000000000001,0.0143799970622,18.1140398957,-0.000229771888481,1.47154939559,-3.36144447161e-05,74.6823596112,-0.000572595276345,5.29995970548 -0.2200000000000001,0.0115007697088,18.1140398957,-0.000295528865681,1.47154939559,-0.000130780845012,74.6823596112,-0.000538114649882,5.29995970548 -0.22500000000000012,0.00927720033342,18.1140398957,-0.000378162338974,1.47154939559,-0.000185729491917,74.6823596112,-0.00050587962063,5.29995970548 -0.23000000000000012,0.00748421033777,18.1140398957,-0.000485620133823,1.47154939559,-0.000230815208826,74.6823596112,-0.000475612078806,5.29995970548 -0.23500000000000013,0.00598071199326,18.1140398957,-0.00063192175664,1.47154939559,-0.000271715511068,74.6823596112,-0.000447578011658,5.29995970548 -0.24000000000000013,0.00466930951582,18.1140398957,-0.000844176709398,1.47154939559,-0.000311657029419,74.6823596112,-0.000422177565884,5.29995970548 -0.24500000000000013,0.00347258368613,18.1140398957,-0.00118222912831,1.47154939559,-0.000353511008207,74.6823596112,-0.000399759603836,5.29995970548 -0.2500000000000001,0.00231116647826,18.1140398957,-0.00180883982079,1.47154939559,-0.00040049856492,74.6823596112,-0.000380567721625,5.29995970548 -0.2550000000000001,0.00106113257287,18.1140398957,-0.00337604978141,1.47154939559,-0.000456791594434,74.6823596112,-0.000364753384301,5.29995970548 -0.2600000000000001,-0.000626915008875,18.1140398957,-0.0143987962729,1.47154939559,-0.000528433674054,74.6823596112,-0.000352416452598,5.29995970548 -0.2650000000000001,0.00352361459995,18.1140398957,0.00757913834939,1.47154939559,-0.000625088077664,74.6823596112,-0.000343652846878,5.29995970548 -0.27000000000000013,0.00309556340049,18.1140398957,0.00321464300573,1.47154939559,-0.000763704239633,74.6823596112,-0.000338602174571,5.29995970548 -0.27500000000000013,0.00296576411942,18.1140398957,0.00212745915534,1.47154939559,-0.000976585668869,74.6823596112,-0.000337496012601,5.29995970548 -0.28000000000000014,0.00271832351988,18.1140398957,0.0016388103959,1.47154939559,-0.00132420760588,74.6823596112,-0.000340712471422,5.29995970548 -0.28500000000000014,0.00220482673868,18.1140398957,0.00136542790093,1.47154939559,-0.00167795411627,74.6823596112,-0.000348847094657,5.29995970548 -0.29000000000000015,0.000871360386332,18.1140398957,0.0011946998525,1.47154939559,40.4603300911,74.6823596112,-0.000362816690054,5.29995970548 -0.29500000000000015,0.00236294814641,18.1140398957,0.00108177403476,1.47154939559,-0.00653690035317,74.6823596112,-0.000384025252781,5.29995970548 -0.30000000000000016,0.00390520655844,18.1140398957,0.00100543370658,1.47154939559,-0.00285090021722,74.6823596112,-0.000414647713232,5.29995970548 -0.30500000000000016,0.0054831420096,18.1140398957,0.00095453558562,1.47154939559,-0.00191302566301,74.6823596112,-0.000458147300458,5.29995970548 -0.31000000000000016,0.00729343961795,18.1140398957,0.000922890332543,1.47154939559,-0.00153014547193,74.6823596112,-0.000520289330519,5.29995970548 -0.31500000000000017,0.00950633036283,18.1140398957,0.00090705749695,1.47154939559,-0.00136287195377,74.6823596112,-0.000611313517831,5.29995970548 -0.3200000000000002,0.0123486734947,18.1140398957,0.000905323674353,1.47154939559,-0.0013232871194,74.6823596112,-0.000751171124778,5.29995970548 -0.3250000000000002,0.0161734056215,18.1140398957,0.000917236627499,1.47154939559,-0.00140401191084,74.6823596112,-0.000984417811098,5.29995970548 -0.3300000000000002,0.0215797950807,18.1140398957,0.000943453359385,1.47154939559,-0.00167886086455,74.6823596112,-0.00143473252914,5.29995970548 -0.3350000000000002,0.0296691372204,18.1140398957,0.000985824293181,1.47154939559,-0.00252780276001,74.6823596112,-0.00262004186973,5.29995970548 -0.3400000000000002,0.0426607577457,18.1140398957,0.00104773598243,1.47154939559,-0.0104506225076,74.6823596112,-0.0131753327462,5.29995970548 -0.3450000000000002,0.0656011229113,18.1140398957,0.00113484559178,1.47154939559,0.00299110198804,74.6823596112,0.00464194250855,5.29995970548 -0.3500000000000002,0.112117833795,18.1140398957,0.00125654405373,1.47154939559,0.00104430948028,74.6823596112,0.00204646967562,5.29995970548 -0.3550000000000002,0.230474421669,18.1140398957,0.00142897051539,1.47154939559,0.000517723482752,74.6823596112,0.00134893540151,5.29995970548 -0.3600000000000002,0.706445446354,18.1140398957,0.00168175948258,1.47154939559,0.000261937290255,74.6823596112,0.0010286524863,5.29995970548 -0.3650000000000002,10.9285187228,18.1140398957,0.00207517469377,1.47154939559,6.46656203883e-05,74.6823596112,0.000846935177845,5.29995970548 -0.3700000000000002,-2.90821913048,18.1140398957,0.00275256289158,1.47154939559,0.000135760674843,74.6823596112,0.000731301536352,5.29995970548 -0.3750000000000002,-0.444734319339,18.1140398957,0.00415728879006,1.47154939559,0.000158603245476,74.6823596112,0.000652268359694,5.29995970548 -0.3800000000000002,-0.150439466856,18.1140398957,0.00867393718749,1.47154939559,0.000157680704577,74.6823596112,0.000595596424623,5.29995970548 -0.38500000000000023,-0.374245805346,18.1140398957,-0.0921291118819,1.47154939559,0.000144802639602,74.6823596112,0.00055357985653,5.29995970548 -0.39000000000000024,-0.0790816608773,18.1140398957,-0.00733293644918,1.47154939559,0.00012176574847,74.6823596112,0.000521699444625,5.29995970548 -0.39500000000000024,-0.049697750253,18.1140398957,-0.00384811342232,1.47154939559,8.31439619812e-05,74.6823596112,0.000497145339143,5.29995970548 -0.40000000000000024,-0.0349710574635,18.1140398957,-0.00263097491256,1.47154939559,5.24295176656e-05,74.6823596112,0.000478094984264,5.29995970548 -0.40500000000000025,-0.0260283557633,18.1140398957,-0.00201645120146,1.47154939559,0.000120071834581,74.6823596112,0.000463331601313,5.29995970548 -0.41000000000000025,-0.0200441892313,18.1140398957,-0.00164905252282,1.47154939559,0.000169100513913,74.6823596112,0.000452030023174,5.29995970548 -0.41500000000000026,-0.0157517428895,18.1140398957,-0.00140698939528,1.47154939559,0.000214616106269,74.6823596112,0.000443630799491,5.29995970548 -0.42000000000000026,-0.0124838481907,18.1140398957,-0.00123727535526,1.47154939559,0.000260689210315,74.6823596112,0.000437763852594,5.29995970548 -0.42500000000000027,-0.00984521402996,18.1140398957,-0.00111318804071,1.47154939559,0.000309798184377,74.6823596112,0.000434201691646,5.29995970548 -0.43000000000000027,-0.00756738407247,18.1140398957,-0.00101982281883,1.47154939559,0.000364155971745,74.6823596112,0.000432831513942,5.29995970548 -0.4350000000000003,-0.00541350777357,18.1140398957,-0.000948242326135,1.47154939559,0.000426185952896,74.6823596112,0.000433640513575,5.29995970548 -0.4400000000000003,-0.00297197068331,18.1140398957,-0.000892794715662,1.47154939559,0.000498784968073,74.6823596112,0.000436711667188,5.29995970548 -0.4450000000000003,-0.00255604145798,18.1140398957,-0.000849765967451,1.47154939559,0.000585366956605,74.6823596112,0.000442229317812,5.29995970548 -0.4500000000000003,-0.0042479287043,18.1140398957,-0.000816653454524,1.47154939559,0.000689051444459,74.6823596112,0.000450495719488,5.29995970548 -0.4550000000000003,-0.00511359110966,18.1140398957,-0.000791753123337,1.47154939559,0.000807776984968,74.6823596112,0.000461961924806,5.29995970548 -0.4600000000000003,-0.00552851171434,18.1140398957,-0.000773916252742,1.47154939559,0.000907015013557,74.6823596112,0.000477279765019,5.29995970548 -0.4650000000000003,-0.00549240849427,18.1140398957,-0.000762404050574,1.47154939559,0.000724299949098,74.6823596112,0.000497387555562,5.29995970548 -0.4700000000000003,-0.00475812245034,18.1140398957,-0.000756802905684,1.47154939559,-0.00302229050956,74.6823596112,0.000523653395103,5.29995970548 -0.4750000000000003,-0.00194599738688,18.1140398957,-0.000756981016245,1.47154939559,34.2332847565,74.6823596112,0.000558122975317,5.29995970548 -0.4800000000000003,-0.00581061912673,18.1140398957,-0.000763077453325,1.47154939559,0.0161704917093,74.6823596112,0.000603969664163,5.29995970548 -0.4850000000000003,-0.0101475500837,18.1140398957,-0.000775521894063,1.47154939559,0.00622528972353,74.6823596112,0.000666366575614,5.29995970548 -0.4900000000000003,-0.0129292295142,18.1140398957,-0.000795089926836,1.47154939559,0.00345570459676,74.6823596112,0.00075432447069,5.29995970548 -0.49500000000000033,-0.0134904377078,18.1140398957,-0.000817999706173,1.47154939559,0.00245463036373,74.6823596112,0.000817555209473,5.29995970548 From 7a7aef1fd318b2f8042dfaf8d3949d6eebcfa27a Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 09:35:57 -0700 Subject: [PATCH 47/77] Update tests Added DSS in test file. --- tests/framework/PostProcessors/Validation/tests | 7 +++++++ 1 file changed, 7 insertions(+) diff --git a/tests/framework/PostProcessors/Validation/tests b/tests/framework/PostProcessors/Validation/tests index 42e5079e63..0420a95157 100644 --- a/tests/framework/PostProcessors/Validation/tests +++ b/tests/framework/PostProcessors/Validation/tests @@ -13,4 +13,11 @@ rel_err = 0.00001 zero_threshold = 1e-9 [../] + [./test_validation_dss] + type = 'RavenFramework' + input = 'test_validation_dss.xml' + csv = 'DSS/pp2_print_0.csv DSS/pp2_print_1.csv DSS/pp2_print_2.csv DSS/pp2_print_3.csv' + rel_err = 0.00001 + zero_threshold = 1e-9 + [../] [] From 104a6bd620ea17da3d147eda8e6f880c188628bf Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 09:36:08 -0700 Subject: [PATCH 48/77] Create tests Added DSS in test file. From 3cd629ffc14ff0498586e9c8fe96952733b15971 Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 09:41:36 -0700 Subject: [PATCH 49/77] Add files via upload Added only the files that are going to be used by the test file. --- .../Validation/gold/DSS/pp2_print_0.csv | 101 ++++++++++++++++++ .../Validation/gold/DSS/pp2_print_1.csv | 101 ++++++++++++++++++ .../Validation/gold/DSS/pp2_print_2.csv | 101 ++++++++++++++++++ .../Validation/gold/DSS/pp2_print_3.csv | 101 ++++++++++++++++++ 4 files changed, 404 insertions(+) create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_0.csv create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_1.csv create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_2.csv create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_3.csv diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_0.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_0.csv new file mode 100644 index 0000000000..d8961a1fa9 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_0.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,0.0756901816043,24.887493332,-0.000351283270388,2.59700011532,0.0356012101676,53.1999350236,0.206070488345,4.78635605162 +0.005,0.0510745233206,24.887493332,-0.000385934668242,2.59700011532,0.0448169166406,53.1999350236,0.210768607572,4.78635605162 +0.01,0.0256194405153,24.887493332,-0.000406159113474,2.59700011532,0.052224344465,53.1999350236,0.204272609211,4.78635605162 +0.015,0.0150024229693,24.887493332,-0.000421393172979,2.59700011532,0.0516883771607,53.1999350236,0.20010519813,4.78635605162 +0.02,0.010257283552,24.887493332,-0.000432783299084,2.59700011532,0.0451798791812,53.1999350236,0.197573824791,4.78635605162 +0.025,0.00769231680981,24.887493332,-0.000441348962559,2.59700011532,0.0284060742231,53.1999350236,0.196261897457,4.78635605162 +0.030000000000000002,0.00612549904352,24.887493332,-0.000447943830224,2.59700011532,0.0336672365961,53.1999350236,0.195926608029,4.78635605162 +0.035,0.00507743437159,24.887493332,-0.000453262151306,2.59700011532,0.0629855379733,53.1999350236,0.196444243236,4.78635605162 +0.04,0.00431968056602,24.887493332,-0.000457866493304,2.59700011532,0.0894619720643,53.1999350236,0.19778161272,4.78635605162 +0.045,0.00372831979973,24.887493332,-0.000462222758356,2.59700011532,0.1172518338,53.1999350236,0.199984022056,4.78635605162 +0.049999999999999996,0.00322683934388,24.887493332,-0.000466735814408,2.59700011532,0.148479034567,53.1999350236,0.203176148606,4.78635605162 +0.05499999999999999,0.00275944130293,24.887493332,-0.000471783762648,2.59700011532,0.185378812568,53.1999350236,0.207576121419,4.78635605162 +0.05999999999999999,0.00227360608449,24.887493332,-0.00047775165284,2.59700011532,0.231060029877,53.1999350236,0.213527199795,4.78635605162 +0.06499999999999999,0.00169433633486,24.887493332,-0.000485067311788,2.59700011532,0.290431280096,53.1999350236,0.221557909815,4.78635605162 +0.06999999999999999,0.000772991562933,24.887493332,-0.000494243726694,2.59700011532,0.371943441596,53.1999350236,0.232494548059,4.78635605162 +0.075,0.00130283362855,24.887493332,-0.000505935007915,2.59700011532,0.491460016819,53.1999350236,0.24768026844,4.78635605162 +0.08,0.00199187521109,24.887493332,-0.000521017617242,2.59700011532,0.682094146904,53.1999350236,0.269434057245,4.78635605162 +0.085,0.00245409022898,24.887493332,-0.000540717719677,2.59700011532,1.02380596657,53.1999350236,0.302118525415,4.78635605162 +0.09000000000000001,0.00272598009733,24.887493332,-0.000566824621632,2.59700011532,1.75751674307,53.1999350236,0.355020324828,4.78635605162 +0.09500000000000001,0.00271172120559,24.887493332,-0.000602072646113,2.59700011532,3.96065102521,53.1999350236,0.452043262233,4.78635605162 +0.10000000000000002,0.0020653563727,24.887493332,-0.000650875572106,2.59700011532,22.063705504,53.1999350236,0.679238712152,4.78635605162 +0.10500000000000002,0.00211813443079,24.887493332,-0.000720868007637,2.59700011532,32.5016834277,53.1999350236,1.76335102388,4.78635605162 +0.11000000000000003,0.00483476705374,24.887493332,-0.000826525967792,2.59700011532,-13.8684083592,53.1999350236,-1.84767843252,4.78635605162 +0.11500000000000003,0.00772383018827,24.887493332,-0.000999095540335,2.59700011532,-2.46453702091,53.1999350236,-0.525372763748,4.78635605162 +0.12000000000000004,0.0111468044228,24.887493332,-0.00132091190976,2.59700011532,-0.944134639777,53.1999350236,-0.278401055973,4.78635605162 +0.12500000000000003,0.0151108859396,24.887493332,-0.00210251007708,2.59700011532,-0.459372384566,53.1999350236,-0.174801950313,4.78635605162 +0.13000000000000003,0.0171343953503,24.887493332,-0.00646411039937,2.59700011532,-0.248870152479,53.1999350236,-0.117764017075,4.78635605162 +0.13500000000000004,0.0350652053287,24.887493332,0.00483896441515,2.59700011532,-0.140697849216,53.1999350236,-0.0811959709455,4.78635605162 +0.14000000000000004,0.0423716405627,24.887493332,0.00164348920338,2.59700011532,-0.0787121176144,53.1999350236,-0.054939356815,4.78635605162 +0.14500000000000005,0.0556065274189,24.887493332,0.000952164683723,2.59700011532,-0.0402717597698,53.1999350236,-0.0339839519099,4.78635605162 +0.15000000000000005,0.0750741244315,24.887493332,0.000652717338428,2.59700011532,-0.0148647829393,53.1999350236,-0.0152581605846,4.78635605162 +0.15500000000000005,0.105121364985,24.887493332,0.000486276138869,2.59700011532,0.00289817867961,53.1999350236,0.00366434837427,4.78635605162 +0.16000000000000006,0.156661888365,24.887493332,0.000380003627249,2.59700011532,0.0159186133438,53.1999350236,0.0253281189163,4.78635605162 +0.16500000000000006,0.262367592272,24.887493332,0.00030521417449,2.59700011532,0.025571042223,53.1999350236,0.0531682521213,4.78635605162 +0.17000000000000007,0.564364908709,24.887493332,0.000248127467158,2.59700011532,0.0315872784201,53.1999350236,0.0927821259941,4.78635605162 +0.17500000000000007,2.5959579167,24.887493332,0.000201130085144,2.59700011532,0.0292029206784,53.1999350236,0.154754141223,4.78635605162 +0.18000000000000008,-16.475446849,24.887493332,0.000159525889875,2.59700011532,0.0358911787049,53.1999350236,0.262490035739,4.78635605162 +0.18500000000000008,-0.511783036992,24.887493332,0.000120133768726,2.59700011532,0.110684484186,53.1999350236,0.480628409477,4.78635605162 +0.19000000000000009,-0.10082323864,24.887493332,8.06091792099e-05,2.59700011532,0.287502181726,53.1999350236,1.07825811416,4.78635605162 +0.1950000000000001,-0.0217616071722,24.887493332,3.90793631522e-05,2.59700011532,1.76278846025,53.1999350236,6.44341026385,4.78635605162 +0.2000000000000001,0.0018057589186,24.887493332,-6.0783411812e-06,2.59700011532,-0.708546763109,53.1999350236,-2.77999234179,4.78635605162 +0.2050000000000001,0.00986119174713,24.887493332,-5.6395309412e-05,2.59700011532,-0.288768517405,53.1999350236,-1.4250988599,4.78635605162 +0.2100000000000001,0.0123886048682,24.887493332,-0.000113451921497,2.59700011532,-0.0453883904931,53.1999350236,-1.07480405018,4.78635605162 +0.2150000000000001,0.0126672479613,24.887493332,-0.000179031059276,2.59700011532,-0.216098228243,53.1999350236,-0.918928673398,4.78635605162 +0.2200000000000001,0.0119639992296,24.887493332,-0.000255316700686,2.59700011532,-0.303782296424,53.1999350236,-0.829882029715,4.78635605162 +0.22500000000000012,0.0108188848603,24.887493332,-0.000345181037066,2.59700011532,-0.376540448411,53.1999350236,-0.768590246102,4.78635605162 +0.23000000000000012,0.00947298486221,24.887493332,-0.000452632098144,2.59700011532,-0.444674685389,53.1999350236,-0.719533354007,4.78635605162 +0.23500000000000013,0.0080303460657,24.887493332,-0.000583556378394,2.59700011532,-0.511709354218,53.1999350236,-0.676086138182,4.78635605162 +0.24000000000000013,0.00652220624591,24.887493332,-0.00074703080616,2.59700011532,-0.580320553624,53.1999350236,-0.635687041334,4.78635605162 +0.24500000000000013,0.00492318860659,24.887493332,-0.000957812458771,2.59700011532,-0.65402690633,53.1999350236,-0.597721930261,4.78635605162 +0.2500000000000001,0.00309611593474,24.887493332,-0.00124149111194,2.59700011532,-0.738159324039,53.1999350236,-0.562420286285,4.78635605162 +0.2550000000000001,0.00120852123153,24.887493332,-0.00164639842495,2.59700011532,-0.841123459156,53.1999350236,-0.530264983882,4.78635605162 +0.2600000000000001,0.00296770830518,24.887493332,-0.00227557552413,2.59700011532,-0.976992971635,53.1999350236,-0.501711546802,4.78635605162 +0.2650000000000001,0.00346446876209,24.887493332,-0.00339370868859,2.59700011532,-1.17176767092,53.1999350236,-0.477092298472,4.78635605162 +0.27000000000000013,0.00311165177851,24.887493332,-0.0059459529095,2.59700011532,-1.48075094168,53.1999350236,-0.456618664681,4.78635605162 +0.27500000000000013,5.81181297004e-05,24.887493332,-0.017658799066,2.59700011532,-2.04846257485,53.1999350236,-0.440426219434,4.78635605162 +0.28000000000000014,0.00944333510943,24.887493332,0.023614750085,2.59700011532,-3.40557789309,53.1999350236,-0.428632720771,4.78635605162 +0.28500000000000014,0.00340829970713,24.887493332,0.00767066056605,2.59700011532,-3.11284671985,53.1999350236,-0.421397253632,4.78635605162 +0.29000000000000015,0.00465662583969,24.887493332,0.00479547193423,2.59700011532,-7.3226845792,53.1999350236,-0.418979551034,4.78635605162 +0.29500000000000015,0.00803485316173,24.887493332,0.00360288615197,2.59700011532,-2.89900743487,53.1999350236,-0.421805251145,4.78635605162 +0.30000000000000016,0.011317208785,24.887493332,0.00295953304001,2.59700011532,-1.81265725321,53.1999350236,-0.430548255252,4.78635605162 +0.30500000000000016,0.0150342971053,24.887493332,0.00256543644154,2.59700011532,-1.33509443051,53.1999350236,-0.446248610867,4.78635605162 +0.31000000000000016,0.0195367803603,24.887493332,0.00230729950188,2.59700011532,-1.07524607458,53.1999350236,-0.470497775671,4.78635605162 +0.31500000000000017,0.0252566844823,24.887493332,0.00213320374467,2.59700011532,-0.919444803615,53.1999350236,-0.505751070035,4.78635605162 +0.3200000000000002,0.0328467262745,24.887493332,0.00201640022284,2.59700011532,-0.823327239499,53.1999350236,-0.555889367891,4.78635605162 +0.3250000000000002,0.0433920010407,24.887493332,0.0019421605681,2.59700011532,-0.767055057191,53.1999350236,-0.627301579015,4.78635605162 +0.3300000000000002,0.0588411035857,24.887493332,0.00190225207722,2.59700011532,-0.742100920444,53.1999350236,-0.731155591538,4.78635605162 +0.3350000000000002,0.0830086530868,24.887493332,0.00189240571623,2.59700011532,-0.747384467914,53.1999350236,-0.888719562089,4.78635605162 +0.3400000000000002,0.12423731265,24.887493332,0.00191114377949,2.59700011532,-0.790619061756,53.1999350236,-1.14588760045,4.78635605162 +0.3450000000000002,0.203820698837,24.887493332,0.00195933974328,2.59700011532,-0.899404931831,53.1999350236,-1.62299653837,4.78635605162 +0.3500000000000002,0.390562922342,24.887493332,0.00204028979904,2.59700011532,-1.18152944757,53.1999350236,-2.76799848929,4.78635605162 +0.3550000000000002,1.02223133173,24.887493332,0.00216030007533,2.59700011532,-2.64941999732,53.1999350236,-8.84234636717,4.78635605162 +0.3600000000000002,6.9577971122,24.887493332,0.00233000990751,2.59700011532,1.20022386476,53.1999350236,8.04846171823,4.78635605162 +0.3650000000000002,-18.536899259,24.887493332,0.00256703619018,2.59700011532,0.458741195621,53.1999350236,2.87699372783,4.78635605162 +0.3700000000000002,-1.39066604189,24.887493332,0.0029013579004,2.59700011532,0.428452490342,53.1999350236,1.80260103173,4.78635605162 +0.3750000000000002,-0.461207455208,24.887493332,0.00338712026367,2.59700011532,0.362958187378,53.1999350236,1.34317089246,4.78635605162 +0.3800000000000002,-0.223731187001,24.887493332,0.00413170682114,2.59700011532,0.301055452763,53.1999350236,1.09124468109,4.78635605162 +0.38500000000000023,-0.128229841417,24.887493332,0.00538073173552,2.59700011532,0.240107113086,53.1999350236,0.93409620892,4.78635605162 +0.39000000000000024,-0.0784920119467,24.887493332,0.00784320725238,2.59700011532,0.170645997776,53.1999350236,0.828064963517,4.78635605162 +0.39500000000000024,-0.0431611488023,24.887493332,0.0147525608011,2.59700011532,0.0479569348817,53.1999350236,0.752702627484,4.78635605162 +0.40000000000000024,0.125171738448,24.887493332,0.133635902199,2.59700011532,0.157958083139,53.1999350236,0.697173708623,4.78635605162 +0.40500000000000025,-0.0584942984204,24.887493332,-0.0189855321451,2.59700011532,0.233609668151,53.1999350236,0.655219001313,4.78635605162 +0.41000000000000025,-0.037702725343,24.887493332,-0.00892863564252,2.59700011532,0.297743334418,53.1999350236,0.622989555054,4.78635605162 +0.41500000000000026,-0.027827106942,24.887493332,-0.00588638133755,2.59700011532,0.360227788464,53.1999350236,0.598008455715,4.78635605162 +0.42000000000000026,-0.0211987160476,24.887493332,-0.00442910916332,2.59700011532,0.42599152393,53.1999350236,0.57863048966,4.78635605162 +0.42500000000000027,-0.0160802276811,24.887493332,-0.00358152181559,2.59700011532,0.499061371088,53.1999350236,0.563742368813,4.78635605162 +0.43000000000000027,-0.0116739791922,24.887493332,-0.00303237055096,2.59700011532,0.583905567893,53.1999350236,0.552588046692,4.78635605162 +0.4350000000000003,-0.00728500366889,24.887493332,-0.00265158641512,2.59700011532,0.686486121185,53.1999350236,0.544663350089,4.78635605162 +0.4400000000000003,-0.00243291347265,24.887493332,-0.00237526997039,2.59700011532,0.815737263059,53.1999350236,0.539651413346,4.78635605162 +0.4450000000000003,-0.00696198428924,24.887493332,-0.00216842991751,2.59700011532,0.986299442514,53.1999350236,0.537383772652,4.78635605162 +0.4500000000000003,-0.00884851819847,24.887493332,-0.00201036354406,2.59700011532,1.22437969711,53.1999350236,0.537819018778,4.78635605162 +0.4550000000000003,-0.00981004369416,24.887493332,-0.00188810713602,2.59700011532,1.58201216785,53.1999350236,0.541034965552,4.78635605162 +0.4600000000000003,-0.0100218150295,24.887493332,-0.00179320090124,2.59700011532,2.17654305476,53.1999350236,0.547232998658,4.78635605162 +0.4650000000000003,-0.00925982419887,24.887493332,-0.0017199680688,2.59700011532,3.29135191908,53.1999350236,0.556755557551,4.78635605162 +0.4700000000000003,-0.00649167144982,24.887493332,-0.00166454644856,2.59700011532,-0.343367636509,53.1999350236,0.570120302197,4.78635605162 +0.4750000000000003,-0.00695375377574,24.887493332,-0.00162432127992,2.59700011532,18.3891004778,53.1999350236,0.588078304694,4.78635605162 +0.4800000000000003,-0.0147497845514,24.887493332,-0.00159758644143,2.59700011532,5.42949840841,53.1999350236,0.611710070066,4.78635605162 +0.4850000000000003,-0.0228537785489,24.887493332,-0.0015833449369,2.59700011532,3.20885144676,53.1999350236,0.642585338604,4.78635605162 +0.4900000000000003,-0.0280619238181,24.887493332,-0.00158120223415,2.59700011532,2.04560508739,53.1999350236,0.683037188758,4.78635605162 +0.49500000000000033,-0.0287684290134,24.887493332,-0.00160677194296,2.59700011532,1.49764431607,53.1999350236,0.715994577108,4.78635605162 diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_1.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_1.csv new file mode 100644 index 0000000000..0591a62545 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_1.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,0.774109933747,78.5323269828,-0.00111513031321,8.02406872151,0.00015699442728,21.1645936719,0.000388766220683,3.62270476039 +0.005,0.172934844167,78.5323269828,0.000312548594868,8.02406872151,0.000253790755873,21.1645936719,0.000478997467537,3.62270476039 +0.01,0.0434518775793,78.5323269828,9.33645706157e-05,8.02406872151,0.000389758416471,21.1645936719,0.00056805120926,3.62270476039 +0.015,0.019233004651,78.5323269828,5.94011493334e-05,8.02406872151,0.000486770043257,21.1645936719,0.000646124658721,3.62270476039 +0.02,0.0112138144262,78.5323269828,4.6202616342e-05,8.02406872151,0.000529134300053,21.1645936719,0.000713124729502,3.62270476039 +0.025,0.00757486755401,78.5323269828,3.95339280479e-05,8.02406872151,0.000474278984792,21.1645936719,0.000770415120738,3.62270476039 +0.030000000000000002,0.00559988445393,78.5323269828,3.57467616553e-05,8.02406872151,0.000152740369949,21.1645936719,0.000820287742045,3.62270476039 +0.035,0.004390795607,78.5323269828,3.34846745312e-05,8.02406872151,0.000797991250143,21.1645936719,0.000865542594222,3.62270476039 +0.04,0.00357888192657,78.5323269828,3.21335157958e-05,8.02406872151,0.00139258099056,21.1645936719,0.00090927581244,3.62270476039 +0.045,0.00298801637499,78.5323269828,3.13820403602e-05,8.02406872151,0.00213544322869,21.1645936719,0.000954896315223,3.62270476039 +0.049999999999999996,0.002522954625,78.5323269828,3.10643814811e-05,8.02406872151,0.00312433905151,21.1645936719,0.00100638290725,3.62270476039 +0.05499999999999999,0.00212519328404,78.5323269828,3.10947442252e-05,8.02406872151,0.00449128682363,21.1645936719,0.00106885498154,3.62270476039 +0.05999999999999999,0.00175195717774,78.5323269828,3.14383431158e-05,8.02406872151,0.00644420016217,21.1645936719,0.0011496907818,3.62270476039 +0.06499999999999999,0.00136101853355,78.5323269828,3.2099324124e-05,8.02406872151,0.00933486602648,21.1645936719,0.00126083041451,3.62270476039 +0.06999999999999999,0.000878087855177,78.5323269828,3.31188790748e-05,8.02406872151,0.0138014458706,21.1645936719,0.00142407700497,3.62270476039 +0.075,0.000466896928717,78.5323269828,3.45823471465e-05,8.02406872151,0.0211082874645,21.1645936719,0.00168536859298,3.62270476039 +0.08,0.00105539943751,78.5323269828,3.66384375052e-05,8.02406872151,0.0340932878574,21.1645936719,0.00216302079173,3.62270476039 +0.085,0.00136598259819,78.5323269828,3.95404879555e-05,8.02406872151,0.0605703170013,21.1645936719,0.00328710340681,3.62270476039 +0.09000000000000001,0.00153529464373,78.5323269828,4.37357620277e-05,8.02406872151,0.137405153594,21.1645936719,0.00883634014844,3.62270476039 +0.09500000000000001,0.00154146111344,78.5323269828,5.00760395577e-05,8.02406872151,0.212755471826,21.1645936719,-0.00846684654297,3.62270476039 +0.10000000000000002,0.00125478869626,78.5323269828,6.0390815383e-05,8.02406872151,1.5988061707,21.1645936719,-0.00250601690095,3.62270476039 +0.10500000000000002,0.000772175184071,78.5323269828,7.94364951969e-05,8.02406872151,-7.48669871307,21.1645936719,-0.00134643522011,3.62270476039 +0.11000000000000003,0.00223574857561,78.5323269828,0.000124632059843,8.02406872151,-0.413573575915,21.1645936719,-0.000855478667377,3.62270476039 +0.11500000000000003,0.00366331896809,78.5323269828,0.000352094517332,8.02406872151,-0.121052016172,21.1645936719,-0.000584330264464,3.62270476039 +0.12000000000000004,0.00481738095475,78.5323269828,-0.000336680273934,8.02406872151,-0.0503855034092,21.1645936719,-0.000410720594005,3.62270476039 +0.12500000000000003,0.00662913115137,78.5323269828,-0.000106374679546,8.02406872151,-0.0234170232593,21.1645936719,-0.000286946114568,3.62270476039 +0.13000000000000003,0.00866007541832,78.5323269828,-6.08457355132e-05,8.02406872151,-0.0107458842608,21.1645936719,-0.000189675836893,3.62270476039 +0.13500000000000004,0.0110758004082,78.5323269828,-4.15638099506e-05,8.02406872151,-0.0041603475582,21.1645936719,-0.000105003718329,3.62270476039 +0.14000000000000004,0.0140284466065,78.5323269828,-3.09727411283e-05,8.02406872151,-0.000617383138954,21.1645936719,-2.25654101801e-05,3.62270476039 +0.14500000000000005,0.0177699755735,78.5323269828,-2.42764214694e-05,8.02406872151,0.00124587128596,21.1645936719,6.76472198329e-05,3.62270476039 +0.15000000000000005,0.0227701859871,78.5323269828,-1.96176433169e-05,8.02406872151,0.00213169974396,21.1645936719,0.000178037706082,3.62270476039 +0.15500000000000005,0.0299926294325,78.5323269828,-1.61162762964e-05,8.02406872151,0.00244007370638,21.1645936719,0.000327303277569,3.62270476039 +0.16000000000000006,0.0416880551589,78.5323269828,-1.32927334511e-05,8.02406872151,0.00241168757692,21.1645936719,0.000548129320248,3.62270476039 +0.16500000000000006,0.0643186472701,78.5323269828,-1.08557501738e-05,8.02406872151,0.00218991014403,21.1645936719,0.000906013974106,3.62270476039 +0.17000000000000007,0.124719770968,78.5323269828,-8.61146363399e-06,8.02406872151,0.00184028567937,21.1645936719,0.00155620869662,3.62270476039 +0.17500000000000007,0.494938369974,78.5323269828,-6.41978064852e-06,8.02406872151,0.00126847297741,21.1645936719,0.00297767637778,3.62270476039 +0.18000000000000008,-2.46641065603,78.5323269828,-4.17133774529e-06,8.02406872151,0.00173926936988,21.1645936719,0.00772575298958,3.62270476039 +0.18500000000000008,-0.0414611869821,78.5323269828,-1.77413937144e-06,8.02406872151,-0.025561946542,21.1645936719,-0.11539011265,3.62270476039 +0.19000000000000009,0.00569319620955,78.5323269828,8.55060129221e-07,8.02406872151,-0.00146300939145,21.1645936719,-0.0100554509397,3.62270476039 +0.1950000000000001,0.011004902984,78.5323269828,3.79709063573e-06,8.02406872151,-0.000475864139573,21.1645936719,-0.00635126793396,3.62270476039 +0.2000000000000001,0.0108503108153,78.5323269828,7.13581055212e-06,8.02406872151,-0.000128654332099,21.1645936719,-0.00518006530933,3.62270476039 +0.2050000000000001,0.00969350347973,78.5323269828,1.09636231742e-05,8.02406872151,1.49277955888e-05,21.1645936719,-0.00467894362698,3.62270476039 +0.2100000000000001,0.00842420202358,78.5323269828,1.53879274562e-05,8.02406872151,4.02892302638e-05,21.1645936719,-0.0044476870953,3.62270476039 +0.2150000000000001,0.00724575947031,78.5323269828,2.05394988306e-05,8.02406872151,0.000191885884931,21.1645936719,-0.0043446838376,3.62270476039 +0.2200000000000001,0.00619304465914,78.5323269828,2.65841777047e-05,8.02406872151,0.000391175798864,21.1645936719,-0.0043045490451,3.62270476039 +0.22500000000000012,0.00525522371794,78.5323269828,3.37400009027e-05,8.02406872151,0.000673502363882,21.1645936719,-0.00429205403071,3.62270476039 +0.23000000000000012,0.00440922558223,78.5323269828,4.23033464715e-05,8.02406872151,0.00108776134503,21.1645936719,-0.00428710781864,3.62270476039 +0.23500000000000013,0.00362847465576,78.5323269828,5.26904309862e-05,8.02406872151,0.00170845633151,21.1645936719,-0.00427888014895,3.62270476039 +0.24000000000000013,0.00288251896262,78.5323269828,6.55060659113e-05,8.02406872151,0.00265234610929,21.1645936719,-0.004262899853,3.62270476039 +0.24500000000000013,0.002127734175,78.5323269828,8.16634197959e-05,8.02406872151,0.0041133507449,21.1645936719,-0.0042391343709,3.62270476039 +0.2500000000000001,0.001257759357,78.5323269828,0.000102605552429,8.02406872151,0.00643832583293,21.1645936719,-0.00421045589147,3.62270476039 +0.2550000000000001,0.000828378096761,78.5323269828,0.000130746825402,8.02406872151,0.010304266841,21.1645936719,-0.00418140075283,3.62270476039 +0.2600000000000001,0.00154019188196,78.5323269828,0.000170440017214,8.02406872151,0.0171821550257,21.1645936719,-0.00415725967944,3.62270476039 +0.2650000000000001,0.00187441428345,78.5323269828,0.000230381434784,8.02406872151,0.0307614176303,21.1645936719,-0.00414351845838,3.62270476039 +0.27000000000000013,0.00202193397403,78.5323269828,0.000330771307489,8.02406872151,0.0624826810512,21.1645936719,-0.00414561873163,3.62270476039 +0.27500000000000013,0.002001032412,78.5323269828,0.000531589183265,8.02406872151,0.163182566838,21.1645936719,-0.00416897908533,3.62270476039 +0.28000000000000014,0.00175329778763,78.5323269828,0.00112482219142,8.02406872151,0.841675558765,21.1645936719,-0.00421921817404,3.62270476039 +0.28500000000000014,0.00125269551862,78.5323269828,0.0359810627555,8.02406872151,-30.1715064164,21.1645936719,-0.00430254667581,3.62270476039 +0.29000000000000015,0.00173690674608,78.5323269828,-0.00139473398204,8.02406872151,-0.541470714699,21.1645936719,-0.0044263349351,3.62270476039 +0.29500000000000015,0.00310890477779,78.5323269828,-0.000737322863662,8.02406872151,-0.166181672723,21.1645936719,-0.00459991742035,3.62270476039 +0.30000000000000016,0.00456146898278,78.5323269828,-0.00052674979752,8.02406872151,-0.0829631693218,21.1645936719,-0.00483577503259,3.62270476039 +0.30500000000000016,0.00628601499582,78.5323269828,-0.000425524249225,8.02406872151,-0.0512147337907,21.1645936719,-0.00515137300595,3.62270476039 +0.31000000000000016,0.00845797610112,78.5323269828,-0.000368150791594,8.02406872151,-0.0356827739788,21.1645936719,-0.00557219787766,3.62270476039 +0.31500000000000017,0.0113216825999,78.5323269828,-0.0003331746523,8.02406872151,-0.0269350413193,21.1645936719,-0.00613710629019,3.62270476039 +0.3200000000000002,0.015267935443,78.5323269828,-0.000311603763873,8.02406872151,-0.0215737276619,21.1645936719,-0.00690843116545,3.62270476039 +0.3250000000000002,0.0209754548459,78.5323269828,-0.00029913248091,8.02406872151,-0.0181422611288,21.1645936719,-0.00799273681681,3.62270476039 +0.3300000000000002,0.0297210356289,78.5323269828,-0.000293590171994,8.02406872151,-0.0159619678347,21.1645936719,-0.00958820041251,3.62270476039 +0.3350000000000002,0.0441503928111,78.5323269828,-0.000293955979829,8.02406872151,-0.0147516320894,21.1645936719,-0.0121094126143,3.62270476039 +0.3400000000000002,0.0705032247119,78.5323269828,-0.00029995850538,8.02406872151,-0.0145712178054,21.1645936719,-0.0165925304479,3.62270476039 +0.3450000000000002,0.126536483196,78.5323269828,-0.000311949955848,8.02406872151,-0.016262292345,21.1645936719,-0.0265554172213,3.62270476039 +0.3500000000000002,0.280803513005,78.5323269828,-0.000330964255244,8.02406872151,-0.0265280222762,21.1645936719,-0.066497609455,3.62270476039 +0.3550000000000002,1.02324913362,78.5323269828,-0.000358979521713,8.02406872151,0.0298908562968,21.1645936719,0.136708832882,3.62270476039 +0.3600000000000002,80.1685866409,78.5323269828,-0.000399528825841,8.02406872151,0.00187240234695,21.1645936719,0.0343043054976,3.62270476039 +0.3650000000000002,-1.79519173079,78.5323269828,-0.000459072822812,8.02406872151,0.0027974550452,21.1645936719,0.0199018342634,3.62270476039 +0.3700000000000002,-0.396905209568,78.5323269828,-0.000550354811098,8.02406872151,0.00196447877021,21.1645936719,0.0142027898753,3.62270476039 +0.3750000000000002,-0.172007319674,78.5323269828,-0.000701977803126,8.02406872151,0.00121110983051,21.1645936719,0.0111763984294,3.62270476039 +0.3800000000000002,-0.0968649163453,78.5323269828,-0.00099349891318,8.02406872151,0.00061232574077,21.1645936719,0.00931878570727,3.62270476039 +0.38500000000000023,-0.0636563968426,78.5323269828,-0.00175835669441,8.02406872151,0.000167538565504,21.1645936719,0.00807685474333,3.62270476039 +0.39000000000000024,-0.0561966955212,78.5323269828,-0.00856322755607,8.02406872151,-8.0456588826e-05,21.1645936719,0.00719971537706,3.62270476039 +0.39500000000000024,-0.0260206570271,78.5323269828,0.00291043543761,8.02406872151,-0.000288516079035,21.1645936719,0.00655732455789,3.62270476039 +0.40000000000000024,-0.0213502799877,78.5323269828,0.00123939077254,8.02406872151,-0.000876677291258,21.1645936719,0.00607577941537,3.62270476039 +0.40500000000000025,-0.016899092494,78.5323269828,0.000788878127904,8.02406872151,-0.0017178654172,21.1645936719,0.00571021259275,3.62270476039 +0.41000000000000025,-0.0134051383915,78.5323269828,0.000581133294843,8.02406872151,-0.00289031251364,21.1645936719,0.0054320610037,3.62270476039 +0.41500000000000026,-0.0106196180657,78.5323269828,0.00046265549946,8.02406872151,-0.00452348561758,21.1645936719,0.00522255321938,3.62270476039 +0.42000000000000026,-0.00830333105079,78.5323269828,0.000386842345636,8.02406872151,-0.00682983486137,21.1645936719,0.00506915740742,3.62270476039 +0.42500000000000027,-0.0062597143635,78.5323269828,0.000334748408515,8.02406872151,-0.0101640037956,21.1645936719,0.00496355398608,3.62270476039 +0.43000000000000027,-0.00428053116836,78.5323269828,0.000297231742542,8.02406872151,-0.0151430112141,21.1645936719,0.00490045113692,3.62270476039 +0.4350000000000003,-0.00183094244122,78.5323269828,0.000269350407586,8.02406872151,-0.0229061424782,21.1645936719,0.00487690217277,3.62270476039 +0.4400000000000003,-0.00273321375559,78.5323269828,0.00024820979193,8.02406872151,-0.0357308620284,21.1645936719,0.00489195140857,3.62270476039 +0.4450000000000003,-0.00388360453739,78.5323269828,0.000232012825754,8.02406872151,-0.0586844015204,21.1645936719,0.00494652670219,3.62270476039 +0.4500000000000003,-0.00445348727543,78.5323269828,0.000219596381833,8.02406872151,-0.104878587617,21.1645936719,0.00504355611419,3.62270476039 +0.4550000000000003,-0.0046422237846,78.5323269828,0.000210187123956,8.02406872151,-0.217029543586,21.1645936719,0.00518833724011,3.62270476039 +0.4600000000000003,-0.00441220704131,78.5323269828,0.000203265440004,8.02406872151,-0.603815420293,21.1645936719,0.00538925015073,3.62270476039 +0.4650000000000003,-0.00346569189527,78.5323269828,0.000198486694994,8.02406872151,-4.0640633147,21.1645936719,0.00565900476547,3.62270476039 +0.4700000000000003,-0.00191015692685,78.5323269828,0.000195635089853,8.02406872151,17.9868344846,21.1645936719,0.00601680122675,3.62270476039 +0.4750000000000003,-0.00569507867241,78.5323269828,0.000194597602017,8.02406872151,1.19241195807,21.1645936719,0.00649217227692,3.62270476039 +0.4800000000000003,-0.00910691494635,78.5323269828,0.00019535171858,8.02406872151,0.416943814092,21.1645936719,0.00713216163498,3.62270476039 +0.4850000000000003,-0.0130557612771,78.5323269828,0.000197964290948,8.02406872151,0.219083602994,21.1645936719,0.00801569461804,3.62270476039 +0.4900000000000003,-0.0154658754364,78.5323269828,0.000202601458671,8.02406872151,0.122663915599,21.1645936719,0.00928513779775,3.62270476039 +0.49500000000000033,-0.015404620316,78.5323269828,0.00020681289425,8.02406872151,0.0837281391226,21.1645936719,0.0101591584241,3.62270476039 diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_2.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_2.csv new file mode 100644 index 0000000000..91a45e91ad --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_2.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,-0.0499281922006,37.767391036,0.00214950159842,4.28650302037,1.48043773097e-06,153.440198563,-2.78869210709e-06,15.4153269263 +0.005,-0.108821350709,37.767391036,0.00344512627925,4.28650302037,1.92343383019e-06,153.440198563,-3.78745340746e-06,15.4153269263 +0.01,-2.80127775886,37.767391036,-0.0154495882567,4.28650302037,1.53098863678e-06,153.440198563,-4.83741886226e-06,15.4153269263 +0.015,0.666352304377,37.767391036,-0.00270493401925,4.28650302037,1.90085196915e-06,153.440198563,-5.79512180408e-06,15.4153269263 +0.02,0.105537707351,37.767391036,-0.00161203987177,4.28650302037,3.32599773558e-06,153.440198563,-6.63492581009e-06,15.4153269263 +0.025,0.0431344458161,37.767391036,-0.00122160618589,4.28650302037,4.40380458328e-06,153.440198563,-7.35165063744e-06,15.4153269263 +0.030000000000000002,0.0243318377974,37.767391036,-0.0010306546398,4.28650302037,5.17246201225e-06,153.440198563,-7.95660994721e-06,15.4153269263 +0.035,0.0161802116007,37.767391036,-0.000923652027417,4.28650302037,5.32498316785e-06,153.440198563,-8.47174651242e-06,15.4153269263 +0.04,0.0118771511525,37.767391036,-0.00085975689653,4.28650302037,3.63941540802e-06,153.440198563,-8.92454004322e-06,15.4153269263 +0.045,0.00929529622336,37.767391036,-0.000820975161398,4.28650302037,6.48621474724e-06,153.440198563,-9.3449510607e-06,15.4153269263 +0.049999999999999996,0.00759070348954,37.767391036,-0.000798295647998,4.28650302037,1.3658071887e-05,153.440198563,-9.76461077415e-06,15.4153269263 +0.05499999999999999,0.00636976921521,37.767391036,-0.000786888171608,4.28650302037,2.28305802338e-05,153.440198563,-1.02181231591e-05,15.4153269263 +0.05999999999999999,0.00542383077465,37.767391036,-0.000784147860477,4.28650302037,3.54369772377e-05,153.440198563,-1.07466180944e-05,15.4153269263 +0.06499999999999999,0.00462768310852,37.767391036,-0.000788818411715,4.28650302037,5.3214686841e-05,153.440198563,-1.14045547185e-05,15.4153269263 +0.06999999999999999,0.00389360580876,37.767391036,-0.00080059531129,4.28650302037,7.8766485877e-05,153.440198563,-1.22726906907e-05,15.4153269263 +0.075,0.00314310405167,37.767391036,-0.000819987724073,4.28650302037,0.000116258353714,153.440198563,-1.34849615832e-05,15.4153269263 +0.08,0.00226732731421,37.767391036,-0.000848368466594,4.28650302037,0.000172710528439,153.440198563,-1.52914860661e-05,15.4153269263 +0.085,0.000856688329193,37.767391036,-0.000888228880415,4.28650302037,0.000260628405531,153.440198563,-1.82327415937e-05,15.4153269263 +0.09000000000000001,0.00183568332738,37.767391036,-0.000943751981274,4.28650302037,0.000403597002242,153.440198563,-2.37528099707e-05,15.4153269263 +0.09500000000000001,0.00264621581141,37.767391036,-0.00102200341102,4.28650302037,0.000645816804441,153.440198563,-3.74874734818e-05,15.4153269263 +0.10000000000000002,0.00312285344438,37.767391036,-0.00113551387155,4.28650302037,0.000916181838688,153.440198563,-0.000125172028078,15.4153269263 +0.10500000000000002,0.00330033104617,37.767391036,-0.00130846731198,4.28650302037,0.0031709156581,153.440198563,6.80776138803e-05,15.4153269263 +0.11000000000000003,0.00305357249322,37.767391036,-0.00159401185415,4.28650302037,0.0092741572586,153.440198563,2.3630670193e-05,15.4153269263 +0.11500000000000003,0.00192066846575,37.767391036,-0.00213582689044,4.28650302037,0.184535236178,153.440198563,1.31146173897e-05,15.4153269263 +0.12000000000000004,0.00252956428232,37.767391036,-0.00350365660164,4.28650302037,-0.0261601202469,153.440198563,8.43267598045e-06,15.4153269263 +0.12500000000000003,0.00197195699887,37.767391036,-0.0128058571372,4.28650302037,-0.00407839423995,153.440198563,5.78128280747e-06,15.4153269263 +0.13000000000000003,0.0119156742882,37.767391036,0.0064905335384,4.28650302037,-0.00136658922718,153.440198563,4.05421618831e-06,15.4153269263 +0.13500000000000004,0.013671245455,37.767391036,0.0024343989044,4.28650302037,-0.000561531221493,153.440198563,2.8037103852e-06,15.4153269263 +0.14000000000000004,0.0169855507165,37.767391036,0.00144628153041,4.28650302037,-0.000233033923817,153.440198563,1.80407295399e-06,15.4153269263 +0.14500000000000005,0.0210482642293,37.767391036,0.00100434732335,4.28650302037,-7.82755721773e-05,153.440198563,9.15992711228e-07,15.4153269263 +0.15000000000000005,0.0258835576537,37.767391036,0.000755025231215,4.28650302037,-1.7285453844e-06,153.440198563,3.07115919595e-08,15.4153269263 +0.15500000000000005,0.0317078406287,37.767391036,0.000594637268036,4.28650302037,3.48615386997e-05,153.440198563,-9.62513297606e-07,15.4153269263 +0.16000000000000006,0.03896086226,37.767391036,0.000481492502845,4.28650302037,4.95564952756e-05,153.440198563,-2.20761666073e-06,15.4153269263 +0.16500000000000006,0.0484979384313,37.767391036,0.000395330321375,4.28650302037,5.19049338564e-05,153.440198563,-3.9299302102e-06,15.4153269263 +0.17000000000000007,0.0620887853646,37.767391036,0.000324893762769,4.28650302037,4.72752726694e-05,153.440198563,-6.53687252305e-06,15.4153269263 +0.17500000000000007,0.0838925432036,37.767391036,0.000263230775606,4.28650302037,3.86756477784e-05,153.440198563,-1.08771768008e-05,15.4153269263 +0.18000000000000008,0.126109101157,37.767391036,0.000205642022718,4.28650302037,2.75555601199e-05,153.440198563,-1.90800002131e-05,15.4153269263 +0.18500000000000008,0.243272898987,37.767391036,0.000148680404437,4.28650302037,1.39478669348e-05,153.440198563,-3.84293742393e-05,15.4153269263 +0.19000000000000009,1.25320061527,37.767391036,8.96142018957e-05,4.28650302037,-4.26359975484e-06,153.440198563,-0.000120753657011,15.4153269263 +0.1950000000000001,-0.328279795372,37.767391036,2.61089979965e-05,4.28650302037,6.32719894207e-05,153.440198563,0.000281470696544,15.4153269263 +0.2000000000000001,0.0566244476106,37.767391036,-4.39845116188e-05,4.28650302037,4.27397326215e-05,153.440198563,8.84294864703e-05,15.4153269263 +0.2050000000000001,0.0514053505134,37.767391036,-0.000122794909578,4.28650302037,4.0516001398e-05,153.440198563,6.14787929997e-05,15.4153269263 +0.2100000000000001,0.0405028662944,37.767391036,-0.000212581686572,4.28650302037,3.81748740252e-05,153.440198563,5.17038603202e-05,15.4153269263 +0.2150000000000001,0.0321067659877,37.767391036,-0.000315900981059,4.28650302037,3.36695540624e-05,153.440198563,4.71889229888e-05,15.4153269263 +0.2200000000000001,0.0258403274918,37.767391036,-0.00043581283209,4.28650302037,2.4387399431e-05,153.440198563,4.4875060237e-05,15.4153269263 +0.22500000000000012,0.0210417485375,37.767391036,-0.000576165408484,4.28650302037,1.57630978935e-05,153.440198563,4.35861729715e-05,15.4153269263 +0.23000000000000012,0.0172488698855,37.767391036,-0.000742009822369,4.28650302037,3.90452419768e-05,153.440198563,4.27615567712e-05,15.4153269263 +0.23500000000000013,0.0141582984866,37.767391036,-0.000940234887552,4.28650302037,5.85822401439e-05,153.440198563,4.21069168398e-05,15.4153269263 +0.24000000000000013,0.0115667017187,37.767391036,-0.00118058169524,4.28650302037,7.93280986529e-05,153.440198563,4.14713402758e-05,15.4153269263 +0.24500000000000013,0.00933193577921,37.767391036,-0.00147734237755,4.28650302037,0.00010323904041,153.440198563,4.07922860834e-05,15.4153269263 +0.2500000000000001,0.00734854275724,37.767391036,-0.00185236098997,4.28650302037,0.000132353675386,153.440198563,4.00634095801e-05,15.4153269263 +0.2550000000000001,0.00553004791768,37.767391036,-0.00234068708837,4.28650302037,0.000169564909451,153.440198563,3.93118213766e-05,15.4153269263 +0.2600000000000001,0.00378746557468,37.767391036,-0.00300211254591,4.28650302037,0.000219516980964,153.440198563,3.85814626358e-05,15.4153269263 +0.2650000000000001,0.00194455333851,37.767391036,-0.00394726388461,4.28650302037,0.000290298928418,153.440198563,3.79219324726e-05,15.4153269263 +0.27000000000000013,0.00138630396449,37.767391036,-0.00540542120334,4.28650302037,0.000397224923975,153.440198563,3.73821990832e-05,15.4153269263 +0.27500000000000013,0.00175262947416,37.767391036,-0.00794025570953,4.28650302037,0.000572450985139,153.440198563,3.70082269142e-05,15.4153269263 +0.28000000000000014,0.000671392420297,37.767391036,-0.0134048916244,4.28650302037,0.000893718572204,153.440198563,3.68434041146e-05,15.4153269263 +0.28500000000000014,-0.0046774271677,37.767391036,-0.0335288065715,4.28650302037,0.00159265948961,153.440198563,3.69308396882e-05,15.4153269263 +0.29000000000000015,0.0317778653141,37.767391036,0.108292813634,4.28650302037,0.00365085181784,153.440198563,3.73169772657e-05,15.4153269263 +0.29500000000000015,0.00818339475296,37.767391036,0.0231436754672,4.28650302037,0.0161638728405,153.440198563,3.80564183044e-05,15.4153269263 +0.30000000000000016,0.00111412560967,37.767391036,0.0137808997325,4.28650302037,-0.884787886606,153.440198563,3.9218335031e-05,15.4153269263 +0.30500000000000016,0.00694290356226,37.767391036,0.0102407538624,4.28650302037,-0.00939532288541,153.440198563,4.08954655535e-05,15.4153269263 +0.31000000000000016,0.010493995504,37.767391036,0.00842291698246,4.28650302037,-0.00249837948379,153.440198563,4.32176408333e-05,15.4153269263 +0.31500000000000017,0.0141331036889,37.767391036,0.00735357855299,4.28650302037,-0.00108921245228,153.440198563,4.6373574815e-05,15.4153269263 +0.3200000000000002,0.0183727680949,37.767391036,0.00668439911726,4.28650302037,-0.000581338912779,153.440198563,5.06483583235e-05,15.4153269263 +0.3250000000000002,0.0236396025607,37.767391036,0.00626172773479,4.28650302037,-0.000342494060474,153.440198563,5.64925313104e-05,15.4153269263 +0.3300000000000002,0.0304957537778,37.767391036,0.0060093926315,4.28650302037,-0.000209953796173,153.440198563,6.46596457532e-05,15.4153269263 +0.3350000000000002,0.0398163176516,37.767391036,0.00588786205733,4.28650302037,-0.000126330020937,153.440198563,7.65079974373e-05,15.4153269263 +0.3400000000000002,0.0530915153608,37.767391036,0.00587779409205,4.28650302037,-6.63151602054e-05,153.440198563,9.47525643711e-05,15.4153269263 +0.3450000000000002,0.0730701399213,37.767391036,0.0059730818723,4.28650302037,-1.51946100957e-05,153.440198563,0.000125710933657,15.4153269263 +0.3500000000000002,0.105319260008,37.767391036,0.00617843981787,4.28650302037,4.26696601349e-05,153.440198563,0.000188221448848,15.4153269263 +0.3550000000000002,0.162593654311,37.767391036,0.00650996412315,4.28650302037,0.000157569681522,153.440198563,0.000375039417191,15.4153269263 +0.3600000000000002,0.279772888882,37.767391036,0.00699877288072,4.28650302037,0.0098837259003,153.440198563,0.0196652331057,15.4153269263 +0.3650000000000002,0.583338306626,37.767391036,0.00769949424298,4.28650302037,-0.000198084213264,153.440198563,-0.000399736267412,15.4153269263 +0.3700000000000002,1.86574241185,37.767391036,0.00870860844522,4.28650302037,-8.02869790213e-05,153.440198563,-0.000201481595308,15.4153269263 +0.3750000000000002,42.3579811861,37.767391036,0.0102064301858,4.28650302037,-1.3156166492e-05,153.440198563,-0.00013678925093,15.4153269263 +0.3800000000000002,-5.26716178934,37.767391036,0.0125657200952,4.28650302037,-4.4608825145e-05,153.440198563,-0.000104990825304,15.4153269263 +0.38500000000000023,-0.889900805818,37.767391036,0.0166922695136,4.28650302037,-5.34329932638e-05,153.440198563,-8.62734355043e-05,15.4153269263 +0.39000000000000024,-0.304090368719,37.767391036,0.0254915046914,4.28650302037,-5.57381594146e-05,153.440198563,-7.40790823169e-05,15.4153269263 +0.39500000000000024,-0.0573578413862,37.767391036,0.0561239913279,4.28650302037,-5.41865304024e-05,153.440198563,-6.56105929421e-05,15.4153269263 +0.40000000000000024,-0.693730232489,37.767391036,-0.246683611764,4.28650302037,-4.84623702636e-05,153.440198563,-5.94757357043e-05,15.4153269263 +0.40500000000000025,-0.164279761324,37.767391036,-0.0382846008641,4.28650302037,-3.50507135296e-05,153.440198563,-5.49054663602e-05,15.4153269263 +0.41000000000000025,-0.0999385766782,37.767391036,-0.0207791318521,4.28650302037,-2.59158836574e-05,153.440198563,-5.14422667378e-05,15.4153269263 +0.41500000000000026,-0.0698826288974,37.767391036,-0.0143215945081,4.28650302037,-6.1613094492e-05,153.440198563,-4.87989196164e-05,15.4153269263 +0.42000000000000026,-0.0518196747833,37.767391036,-0.0109904218024,4.28650302037,-9.44605561698e-05,153.440198563,-4.67881738629e-05,15.4153269263 +0.42500000000000027,-0.0396054744386,37.767391036,-0.00897650633767,4.28650302037,-0.000132038605754,153.440198563,-4.52851213661e-05,15.4153269263 +0.43000000000000027,-0.030669772508,37.767391036,-0.00764130095923,4.28650302037,-0.000178513875608,153.440198563,-4.42059756702e-05,15.4153269263 +0.4350000000000003,-0.0236836984137,37.767391036,-0.00670217276586,4.28650302037,-0.000238905931645,153.440198563,-4.34956821917e-05,15.4153269263 +0.4400000000000003,-0.0178336157332,37.767391036,-0.00601499611813,4.28650302037,-0.000320699620659,153.440198563,-4.31206222862e-05,15.4153269263 +0.4450000000000003,-0.0124729552851,37.767391036,-0.00549878952213,4.28650302037,-0.000436162799237,153.440198563,-4.30644970741e-05,15.4153269263 +0.4500000000000003,-0.0065709238374,37.767391036,-0.00510476779296,4.28650302037,-0.000606930495375,153.440198563,-4.33264233714e-05,15.4153269263 +0.4550000000000003,-0.00599985403089,37.767391036,-0.00480201464787,4.28650302037,-0.000874311714594,153.440198563,-4.39208298679e-05,15.4153269263 +0.4600000000000003,-0.00954601659704,37.767391036,-0.0045702320651,4.28650302037,-0.00132544503602,153.440198563,-4.48791454024e-05,15.4153269263 +0.4650000000000003,-0.0112455781012,37.767391036,-0.00439581577765,4.28650302037,-0.00217082289174,153.440198563,-4.62536743346e-05,15.4153269263 +0.4700000000000003,-0.0119359941745,37.767391036,-0.00426962454311,4.28650302037,-0.0040312798916,153.440198563,-4.81246088084e-05,15.4153269263 +0.4750000000000003,-0.0116562165228,37.767391036,-0.00418567497193,4.28650302037,-0.00945788743967,153.440198563,-5.06120757773e-05,15.4153269263 +0.4800000000000003,-0.00993698502416,37.767391036,-0.00414037944419,4.28650302037,-0.0396906266945,153.440198563,-5.38969552789e-05,15.4153269263 +0.4850000000000003,-0.00404605115942,37.767391036,-0.00413213174602,4.28650302037,154.150605696,153.440198563,-5.82581034752e-05,15.4153269263 +0.4900000000000003,-0.00998731207677,37.767391036,-0.00416114504231,4.28650302037,0.034118947356,153.440198563,-6.41425967643e-05,15.4153269263 +0.49500000000000033,-0.0128971436753,37.767391036,-0.00421966639005,4.28650302037,0.0125953353559,153.440198563,-6.81736548532e-05,15.4153269263 diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_3.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_3.csv new file mode 100644 index 0000000000..b316e2699f --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_3.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,-0.697504916097,44.0357167442,0.000187067290355,4.26023895104,-2.11276592754e-05,89.5779339625,-0.000285845842716,6.37493074725 +0.005,-0.0937961442649,44.0357167442,-0.0107945042615,4.26023895104,-3.92865465678e-05,89.5779339625,-0.000364488540017,6.37493074725 +0.01,0.0146841058889,44.0357167442,-9.71177503994e-05,4.26023895104,-6.67856771506e-05,89.5779339625,-0.000443156077267,6.37493074725 +0.015,0.00506653565941,44.0357167442,-5.33732447477e-05,4.26023895104,-8.62016576422e-05,89.5779339625,-0.000512069162707,6.37493074725 +0.02,0.00264912003481,44.0357167442,-3.93028795981e-05,4.26023895104,-9.26173409153e-05,89.5779339625,-0.000570402317613,6.37493074725 +0.025,0.00168680153944,44.0357167442,-3.26829677854e-05,4.26023895104,-8.30889723401e-05,89.5779339625,-0.000618795490168,6.37493074725 +0.030000000000000002,0.00120431279303,44.0357167442,-2.90367763534e-05,4.26023895104,-4.79002520117e-05,89.5779339625,-0.000658842799678,6.37493074725 +0.035,0.000924973573352,44.0357167442,-2.68683093569e-05,4.26023895104,-6.63160867215e-05,89.5779339625,-0.000692611654596,6.37493074725 +0.04,0.00074556549366,44.0357167442,-2.55379784572e-05,4.26023895104,-0.000106803672211,89.5779339625,-0.00072232082436,6.37493074725 +0.045,0.000620054135386,44.0357167442,-2.47300438834e-05,4.26023895104,-0.000127260851072,89.5779339625,-0.000750198057986,6.37493074725 +0.049999999999999996,0.000524915785644,44.0357167442,-2.42749694187e-05,4.26023895104,-0.000126106445899,89.5779339625,-0.000778489952812,6.37493074725 +0.05499999999999999,0.000446506998059,44.0357167442,-2.40785835079e-05,4.26023895104,-9.45463572758e-05,89.5779339625,-0.000809598180607,6.37493074725 +0.05999999999999999,0.000375594130202,44.0357167442,-2.40903563519e-05,4.26023895104,-1.65922809e-05,89.5779339625,-0.000846347883827,6.37493074725 +0.06499999999999999,0.000304218800638,44.0357167442,-2.42883489049e-05,4.26023895104,0.000135747532565,89.5779339625,-0.000892453698131,6.37493074725 +0.06999999999999999,0.000221835612996,44.0357167442,-2.4672418092e-05,4.26023895104,0.000413231845106,89.5779339625,-0.000953366778074,6.37493074725 +0.075,9.2770565207e-05,44.0357167442,-2.52624422277e-05,4.26023895104,0.00091376853062,89.5779339625,-0.001037969938,6.37493074725 +0.08,0.000173172894743,44.0357167442,-2.61007254317e-05,4.26023895104,0.00184345477911,89.5779339625,-0.00116240376062,6.37493074725 +0.085,0.000255676889715,44.0357167442,-2.72594468592e-05,4.26023895104,0.00369298428297,89.5779339625,-0.00136012060659,6.37493074725 +0.09000000000000001,0.000305994644935,44.0357167442,-2.88562660331e-05,4.26023895104,0.00786265864931,89.5779339625,-0.00171461681719,6.37493074725 +0.09500000000000001,0.000326642852658,44.0357167442,-3.10857518336e-05,4.26023895104,0.0196849658811,89.5779339625,-0.00251090325498,6.37493074725 +0.10000000000000002,0.000299811467444,44.0357167442,-3.42857835574e-05,4.26023895104,0.072195401223,89.5779339625,-0.00577866461621,6.37493074725 +0.10500000000000002,0.000134961152106,44.0357167442,-3.90918580476e-05,4.26023895104,59.6980859328,89.5779339625,0.00984455394909,6.37493074725 +0.11000000000000003,0.000386021399898,44.0357167442,-4.68508068181e-05,4.26023895104,-0.14193230949,89.5779339625,0.00228496629479,6.37493074725 +0.11500000000000003,0.000689017368324,44.0357167442,-6.09976586018e-05,4.26023895104,-0.0323262493585,89.5779339625,0.00117371403423,6.37493074725 +0.12000000000000004,0.00102175449744,44.0357167442,-9.36654095125e-05,4.26023895104,-0.0132653728221,89.5779339625,0.000729645787486,6.37493074725 +0.12500000000000003,0.0013483939446,44.0357167442,-0.000240809435488,4.26023895104,-0.00662492545004,89.5779339625,0.000490726533187,6.37493074725 +0.13000000000000003,0.00225972652341,44.0357167442,0.000312906657587,4.26023895104,-0.00353345960159,89.5779339625,0.00033995371488,6.37493074725 +0.13500000000000004,0.00276334008842,44.0357167442,8.79609596538e-05,4.26023895104,-0.00186443481341,89.5779339625,0.000233288254922,6.37493074725 +0.14000000000000004,0.00357504670606,44.0357167442,4.91331111265e-05,4.26023895104,-0.000897577524816,89.5779339625,0.000149619168864,6.37493074725 +0.14500000000000005,0.00465976804457,44.0357167442,3.31771549351e-05,4.26023895104,-0.000330318804864,89.5779339625,7.64550608065e-05,6.37493074725 +0.15000000000000005,0.00614778533549,44.0357167442,2.45300381279e-05,4.26023895104,-1.29353018048e-05,89.5779339625,4.40631399263e-06,6.37493074725 +0.15500000000000005,0.00831850845749,44.0357167442,1.90996554934e-05,4.26023895104,0.000139727800254,89.5779339625,-7.58221086535e-05,6.37493074725 +0.16000000000000006,0.0118115724806,44.0357167442,1.53305942382e-05,4.26023895104,0.000181860188277,89.5779339625,-0.000176144980024,6.37493074725 +0.16500000000000006,0.018375321213,44.0357167442,1.24932460113e-05,4.26023895104,0.000150837393926,89.5779339625,-0.000315173730856,6.37493074725 +0.17000000000000007,0.0345105680007,44.0357167442,1.01920437362e-05,4.26023895104,7.50239026571e-05,89.5779339625,-0.000526715755,6.37493074725 +0.17500000000000007,0.106536282721,44.0357167442,8.18702485921e-06,4.26023895104,-1.45928717769e-05,89.5779339625,-0.000881888450068,6.37493074725 +0.18000000000000008,42.5050393615,44.0357167442,6.31817273867e-06,4.26023895104,-6.56593858581e-05,89.5779339625,-0.00156222652767,6.37493074725 +0.18500000000000008,-0.0649333036591,44.0357167442,4.46936234261e-06,4.26023895104,-0.000496398707045,89.5779339625,-0.00321143489458,6.37493074725 +0.19000000000000009,-0.00826148646792,44.0357167442,2.54933415573e-06,4.26023895104,-0.00261240983115,89.5779339625,-0.0109964997649,6.37493074725 +0.1950000000000001,-0.000626779082105,44.0357167442,4.80492674955e-07,4.26023895104,0.0050883390726,89.5779339625,0.0177953503839,6.37493074725 +0.2000000000000001,0.00119382519224,44.0357167442,-1.80867751303e-06,4.26023895104,0.00192045995026,89.5779339625,0.00651698961225,6.37493074725 +0.2050000000000001,0.00165109291848,44.0357167442,-4.38977505641e-06,4.26023895104,0.00116369666109,89.5779339625,0.00460286823153,6.37493074725 +0.2100000000000001,0.00168763904999,44.0357167442,-7.34063222456e-06,4.26023895104,0.000334337764555,89.5779339625,0.00385576098808,6.37493074725 +0.2150000000000001,0.0015783384851,44.0357167442,-1.07526691661e-05,4.26023895104,0.00103512244089,89.5779339625,0.00347146350879,6.37493074725 +0.2200000000000001,0.001418432001,44.0357167442,-1.47408934766e-05,4.26023895104,0.00157196745902,89.5779339625,0.0032342436858,6.37493074725 +0.22500000000000012,0.00124384440593,44.0357167442,-1.94586942711e-05,4.26023895104,0.00206145450576,89.5779339625,0.00306143899918,6.37493074725 +0.23000000000000012,0.00106802325323,44.0357167442,-2.51211187804e-05,4.26023895104,0.00256464516031,89.5779339625,0.00291624283213,6.37493074725 +0.23500000000000013,0.000894848382723,44.0357167442,-3.20435749503e-05,4.26023895104,0.00311554115278,89.5779339625,0.00278230231857,6.37493074725 +0.24000000000000013,0.000723278600185,44.0357167442,-4.07100742261e-05,4.26023895104,0.00375191397058,89.5779339625,0.00265371902434,6.37493074725 +0.24500000000000013,0.00054800403086,44.0357167442,-5.19020566123e-05,4.26023895104,0.00452998537195,89.5779339625,0.00252998198122,6.37493074725 +0.2500000000000001,0.0003537970648,44.0357167442,-6.69627130596e-05,4.26023895104,0.0055431846461,89.5779339625,0.00241301574614,6.37493074725 +0.2550000000000001,8.68407622395e-05,44.0357167442,-8.840025254e-05,4.26023895104,0.00695954936342,89.5779339625,0.00230547016147,6.37493074725 +0.2600000000000001,0.000316952656444,44.0357167442,-0.000121477670975,4.26023895104,0.00911184615088,89.5779339625,0.00220985266387,6.37493074725 +0.2650000000000001,0.000390433716055,44.0357167442,-0.000179380133502,4.26023895104,0.0127519961552,89.5779339625,0.00212821322694,6.37493074725 +0.27000000000000013,0.000393465128533,44.0357167442,-0.000306996636892,4.26023895104,0.0199385942529,89.5779339625,0.00206215097769,6.37493074725 +0.27500000000000013,0.000259823603625,44.0357167442,-0.00081908905086,4.26023895104,0.0383712317313,89.5779339625,0.00201298017563,6.37493074725 +0.28000000000000014,0.000775077762552,44.0357167442,0.00173456837424,4.26023895104,0.122616509773,89.5779339625,0.00198196146425,6.37493074725 +0.28500000000000014,0.00023764621841,44.0357167442,0.000462059034537,4.26023895104,19.700138365,89.5779339625,0.00197055879032,6.37493074725 +0.29000000000000015,0.000493550598071,44.0357167442,0.00028067956066,4.26023895104,-0.112162774452,89.5779339625,0.00198072105478,6.37493074725 +0.29500000000000015,0.000822464916217,44.0357167442,0.000208933559662,4.26023895104,-0.0192211930105,89.5779339625,0.00201521644409,6.37493074725 +0.30000000000000016,0.00116169892401,44.0357167442,0.000171118821449,4.26023895104,-0.0053257961665,89.5779339625,0.00207807654646,6.37493074725 +0.30500000000000016,0.00155629676066,44.0357167442,0.000148324911653,4.26023895104,-0.00117886244913,89.5779339625,0.00217525091048,6.37493074725 +0.31000000000000016,0.0020436250356,44.0357167442,0.000133611868893,4.26023895104,0.000489612659742,89.5779339625,0.00231565489266,6.37493074725 +0.31500000000000017,0.00267369945956,44.0357167442,0.000123857659431,4.26023895104,0.00130280875937,89.5779339625,0.00251296636026,6.37493074725 +0.3200000000000002,0.00352482565735,44.0357167442,0.000117477508466,4.26023895104,0.00177496195624,89.5779339625,0.00278891875703,6.37493074725 +0.3250000000000002,0.00473050748682,44.0357167442,0.000113612883448,4.26023895104,0.0021113675454,89.5779339625,0.00317980679092,6.37493074725 +0.3300000000000002,0.00653681064575,44.0357167442,0.000111796354109,4.26023895104,0.00241562198867,89.5779339625,0.00375058898393,6.37493074725 +0.3350000000000002,0.00944099419118,44.0357167442,0.000111800971938,4.26023895104,0.00276359005011,89.5779339625,0.00462944472829,6.37493074725 +0.3400000000000002,0.0145776170637,44.0357167442,0.000113573416926,4.26023895104,0.00325296345912,89.5779339625,0.00610842452499,6.37493074725 +0.3450000000000002,0.0250252601294,44.0357167442,0.000117213412398,4.26023895104,0.00410752911143,89.5779339625,0.00902663680069,6.37493074725 +0.3500000000000002,0.0517716847166,44.0357167442,0.000122987924362,4.26023895104,0.00626092857003,89.5779339625,0.0171745788181,6.37493074725 +0.3550000000000002,0.160901321584,44.0357167442,0.000131384453022,4.26023895104,0.0367857434348,89.5779339625,0.144573548471,6.37493074725 +0.3600000000000002,2.71000601085,44.0357167442,0.000143225879407,4.26023895104,-0.00166587610837,89.5779339625,-0.0235836339062,6.37493074725 +0.3650000000000002,-0.621168188205,44.0357167442,0.000159904569424,4.26023895104,-0.00236685788718,89.5779339625,-0.0112173400401,6.37493074725 +0.3700000000000002,-0.101184406539,44.0357167442,0.00018388215854,4.26023895104,-0.0021544142614,89.5779339625,-0.00752485588267,6.37493074725 +0.3750000000000002,-0.0395445157335,44.0357167442,0.000219865709778,4.26023895104,-0.00187023013084,89.5779339625,-0.00576836367287,6.37493074725 +0.3800000000000002,-0.020731027085,44.0357167442,0.000278016443716,4.26023895104,-0.00158224125788,89.5779339625,-0.00475289220685,6.37493074725 +0.38500000000000023,-0.0124940531692,44.0357167442,0.000384919001233,4.26023895104,-0.00125940365609,89.5779339625,-0.0040989157843,6.37493074725 +0.39000000000000024,-0.00792622026028,44.0357167442,0.000638946067439,4.26023895104,-0.000805222891586,89.5779339625,-0.00364823941549,6.37493074725 +0.39500000000000024,-0.00367028294534,44.0357167442,0.00195379613823,4.26023895104,-0.000642488192155,89.5779339625,-0.00332327129511,6.37493074725 +0.40000000000000024,-0.00713198135694,44.0357167442,-0.00182237742406,4.26023895104,-0.00131297211674,89.5779339625,-0.0030815746583,6.37493074725 +0.40500000000000025,-0.00442217183681,44.0357167442,-0.000623365837177,4.26023895104,-0.00186121660434,89.5779339625,-0.00289807337854,6.37493074725 +0.41000000000000025,-0.00329145086517,44.0357167442,-0.000378356824786,4.26023895104,-0.00243197347686,89.5779339625,-0.00275709110425,6.37493074725 +0.41500000000000026,-0.0025350029359,44.0357167442,-0.000273627629424,4.26023895104,-0.00309011646196,89.5779339625,-0.00264842209179,6.37493074725 +0.42000000000000026,-0.00195762487678,44.0357167442,-0.000216008032518,4.26023895104,-0.00390088290922,89.5779339625,-0.0025652410408,6.37493074725 +0.42500000000000027,-0.00147553942647,44.0357167442,-0.000179884151406,4.26023895104,-0.00495392742002,89.5779339625,-0.00250292540711,6.37493074725 +0.43000000000000027,-0.00102970485609,44.0357167442,-0.000155370097544,4.26023895104,-0.00639142693966,89.5779339625,-0.00245836338218,6.37493074725 +0.4350000000000003,-0.000524377325876,44.0357167442,-0.000137847260035,4.26023895104,-0.00846098113898,89.5779339625,-0.00242953730591,6.37493074725 +0.4400000000000003,-0.000538920206172,44.0357167442,-0.000124872895722,4.26023895104,-0.0116341321439,89.5779339625,-0.00241527384152,6.37493074725 +0.4450000000000003,-0.00083332836303,44.0357167442,-0.000115037905335,4.26023895104,-0.0169104377955,89.5779339625,-0.00241510351775,6.37493074725 +0.4500000000000003,-0.000979990307551,44.0357167442,-0.000107476524761,4.26023895104,-0.0267384670864,89.5779339625,-0.00242920045163,6.37493074725 +0.4550000000000003,-0.00104034092623,44.0357167442,-0.000101631778891,4.26023895104,-0.0485577816502,89.5779339625,-0.00245839075619,6.37493074725 +0.4600000000000003,-0.00101105932075,44.0357167442,-9.7133762618e-05,4.26023895104,-0.115008653783,89.5779339625,-0.00250423197698,6.37493074725 +0.4650000000000003,-0.000835758543549,44.0357167442,-9.37324469875e-05,4.26023895104,-0.558814625608,89.5779339625,-0.00256918057227,6.37493074725 +0.4700000000000003,-0.000197511945031,44.0357167442,-9.12588907404e-05,4.26023895104,10.5622659818,89.5779339625,-0.0026568850777,6.37493074725 +0.4750000000000003,-0.00120658782902,44.0357167442,-8.96022798672e-05,4.26023895104,0.248409416677,89.5779339625,-0.00277267748798,6.37493074725 +0.4800000000000003,-0.00200560785636,44.0357167442,-8.86964203642e-05,4.26023895104,0.0696616165828,89.5779339625,-0.00292440131514,6.37493074725 +0.4850000000000003,-0.00293042744372,44.0357167442,-8.85123865531e-05,4.26023895104,0.030694566771,89.5779339625,-0.00312384969114,6.37493074725 +0.4900000000000003,-0.00351792539219,44.0357167442,-8.90557076899e-05,4.26023895104,0.0142117199018,89.5779339625,-0.00338938462777,6.37493074725 +0.49500000000000033,-0.00355039112854,44.0357167442,-9.06229094189e-05,4.26023895104,0.00873543121424,89.5779339625,-0.00358403899994,6.37493074725 From 479fe22feb42d7e3cddc14bab5aaad308bbb2478 Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 09:56:50 -0700 Subject: [PATCH 50/77] Update metrics.tex Changed wording as specified in comments. --- doc/user_manual/metrics.tex | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/doc/user_manual/metrics.tex b/doc/user_manual/metrics.tex index 647d725765..e142579fb8 100644 --- a/doc/user_manual/metrics.tex +++ b/doc/user_manual/metrics.tex @@ -605,7 +605,7 @@ \subsection{Dynamical System Scaling} The Dynamical System Scaling (DSS) is a distance metrics that is used to measure the separation between two time-dependent data sets. -The specifications of a DSS metric is defined within the \xmlNode{Metric} XML block. The attribute \xmlAttr{subType} must be \textbf{PPDSS} (see \ref{subsubsec:Validation}) in the \xmlNode{PostProcessor} for the outputs of the post-processor to be in the right format for DSS metric inputs. +The specifications of a DSS metric is defined within the \xmlNode{Metric} XML block. The XML node \xmlAttr{subType} must be \textbf{PPDSS} (see \ref{subsubsec:Validation}) in the \xmlNode{PostProcessor} for the outputs of the post-processor to be in the right format for DSS metric inputs. This XML node needs to contain the attributes: From 5bcd37c91ea447817c4e3f2c80f3485ae49f48ca Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 11:02:44 -0700 Subject: [PATCH 51/77] Delete pp2_print_3.csv Added wrong csv file. --- .../Validation/gold/DSS/pp2_print_3.csv | 101 ------------------ 1 file changed, 101 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_3.csv diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_3.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_3.csv deleted file mode 100644 index b316e2699f..0000000000 --- a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_3.csv +++ /dev/null @@ -1,101 +0,0 @@ -pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation -0.0,-0.697504916097,44.0357167442,0.000187067290355,4.26023895104,-2.11276592754e-05,89.5779339625,-0.000285845842716,6.37493074725 -0.005,-0.0937961442649,44.0357167442,-0.0107945042615,4.26023895104,-3.92865465678e-05,89.5779339625,-0.000364488540017,6.37493074725 -0.01,0.0146841058889,44.0357167442,-9.71177503994e-05,4.26023895104,-6.67856771506e-05,89.5779339625,-0.000443156077267,6.37493074725 -0.015,0.00506653565941,44.0357167442,-5.33732447477e-05,4.26023895104,-8.62016576422e-05,89.5779339625,-0.000512069162707,6.37493074725 -0.02,0.00264912003481,44.0357167442,-3.93028795981e-05,4.26023895104,-9.26173409153e-05,89.5779339625,-0.000570402317613,6.37493074725 -0.025,0.00168680153944,44.0357167442,-3.26829677854e-05,4.26023895104,-8.30889723401e-05,89.5779339625,-0.000618795490168,6.37493074725 -0.030000000000000002,0.00120431279303,44.0357167442,-2.90367763534e-05,4.26023895104,-4.79002520117e-05,89.5779339625,-0.000658842799678,6.37493074725 -0.035,0.000924973573352,44.0357167442,-2.68683093569e-05,4.26023895104,-6.63160867215e-05,89.5779339625,-0.000692611654596,6.37493074725 -0.04,0.00074556549366,44.0357167442,-2.55379784572e-05,4.26023895104,-0.000106803672211,89.5779339625,-0.00072232082436,6.37493074725 -0.045,0.000620054135386,44.0357167442,-2.47300438834e-05,4.26023895104,-0.000127260851072,89.5779339625,-0.000750198057986,6.37493074725 -0.049999999999999996,0.000524915785644,44.0357167442,-2.42749694187e-05,4.26023895104,-0.000126106445899,89.5779339625,-0.000778489952812,6.37493074725 -0.05499999999999999,0.000446506998059,44.0357167442,-2.40785835079e-05,4.26023895104,-9.45463572758e-05,89.5779339625,-0.000809598180607,6.37493074725 -0.05999999999999999,0.000375594130202,44.0357167442,-2.40903563519e-05,4.26023895104,-1.65922809e-05,89.5779339625,-0.000846347883827,6.37493074725 -0.06499999999999999,0.000304218800638,44.0357167442,-2.42883489049e-05,4.26023895104,0.000135747532565,89.5779339625,-0.000892453698131,6.37493074725 -0.06999999999999999,0.000221835612996,44.0357167442,-2.4672418092e-05,4.26023895104,0.000413231845106,89.5779339625,-0.000953366778074,6.37493074725 -0.075,9.2770565207e-05,44.0357167442,-2.52624422277e-05,4.26023895104,0.00091376853062,89.5779339625,-0.001037969938,6.37493074725 -0.08,0.000173172894743,44.0357167442,-2.61007254317e-05,4.26023895104,0.00184345477911,89.5779339625,-0.00116240376062,6.37493074725 -0.085,0.000255676889715,44.0357167442,-2.72594468592e-05,4.26023895104,0.00369298428297,89.5779339625,-0.00136012060659,6.37493074725 -0.09000000000000001,0.000305994644935,44.0357167442,-2.88562660331e-05,4.26023895104,0.00786265864931,89.5779339625,-0.00171461681719,6.37493074725 -0.09500000000000001,0.000326642852658,44.0357167442,-3.10857518336e-05,4.26023895104,0.0196849658811,89.5779339625,-0.00251090325498,6.37493074725 -0.10000000000000002,0.000299811467444,44.0357167442,-3.42857835574e-05,4.26023895104,0.072195401223,89.5779339625,-0.00577866461621,6.37493074725 -0.10500000000000002,0.000134961152106,44.0357167442,-3.90918580476e-05,4.26023895104,59.6980859328,89.5779339625,0.00984455394909,6.37493074725 -0.11000000000000003,0.000386021399898,44.0357167442,-4.68508068181e-05,4.26023895104,-0.14193230949,89.5779339625,0.00228496629479,6.37493074725 -0.11500000000000003,0.000689017368324,44.0357167442,-6.09976586018e-05,4.26023895104,-0.0323262493585,89.5779339625,0.00117371403423,6.37493074725 -0.12000000000000004,0.00102175449744,44.0357167442,-9.36654095125e-05,4.26023895104,-0.0132653728221,89.5779339625,0.000729645787486,6.37493074725 -0.12500000000000003,0.0013483939446,44.0357167442,-0.000240809435488,4.26023895104,-0.00662492545004,89.5779339625,0.000490726533187,6.37493074725 -0.13000000000000003,0.00225972652341,44.0357167442,0.000312906657587,4.26023895104,-0.00353345960159,89.5779339625,0.00033995371488,6.37493074725 -0.13500000000000004,0.00276334008842,44.0357167442,8.79609596538e-05,4.26023895104,-0.00186443481341,89.5779339625,0.000233288254922,6.37493074725 -0.14000000000000004,0.00357504670606,44.0357167442,4.91331111265e-05,4.26023895104,-0.000897577524816,89.5779339625,0.000149619168864,6.37493074725 -0.14500000000000005,0.00465976804457,44.0357167442,3.31771549351e-05,4.26023895104,-0.000330318804864,89.5779339625,7.64550608065e-05,6.37493074725 -0.15000000000000005,0.00614778533549,44.0357167442,2.45300381279e-05,4.26023895104,-1.29353018048e-05,89.5779339625,4.40631399263e-06,6.37493074725 -0.15500000000000005,0.00831850845749,44.0357167442,1.90996554934e-05,4.26023895104,0.000139727800254,89.5779339625,-7.58221086535e-05,6.37493074725 -0.16000000000000006,0.0118115724806,44.0357167442,1.53305942382e-05,4.26023895104,0.000181860188277,89.5779339625,-0.000176144980024,6.37493074725 -0.16500000000000006,0.018375321213,44.0357167442,1.24932460113e-05,4.26023895104,0.000150837393926,89.5779339625,-0.000315173730856,6.37493074725 -0.17000000000000007,0.0345105680007,44.0357167442,1.01920437362e-05,4.26023895104,7.50239026571e-05,89.5779339625,-0.000526715755,6.37493074725 -0.17500000000000007,0.106536282721,44.0357167442,8.18702485921e-06,4.26023895104,-1.45928717769e-05,89.5779339625,-0.000881888450068,6.37493074725 -0.18000000000000008,42.5050393615,44.0357167442,6.31817273867e-06,4.26023895104,-6.56593858581e-05,89.5779339625,-0.00156222652767,6.37493074725 -0.18500000000000008,-0.0649333036591,44.0357167442,4.46936234261e-06,4.26023895104,-0.000496398707045,89.5779339625,-0.00321143489458,6.37493074725 -0.19000000000000009,-0.00826148646792,44.0357167442,2.54933415573e-06,4.26023895104,-0.00261240983115,89.5779339625,-0.0109964997649,6.37493074725 -0.1950000000000001,-0.000626779082105,44.0357167442,4.80492674955e-07,4.26023895104,0.0050883390726,89.5779339625,0.0177953503839,6.37493074725 -0.2000000000000001,0.00119382519224,44.0357167442,-1.80867751303e-06,4.26023895104,0.00192045995026,89.5779339625,0.00651698961225,6.37493074725 -0.2050000000000001,0.00165109291848,44.0357167442,-4.38977505641e-06,4.26023895104,0.00116369666109,89.5779339625,0.00460286823153,6.37493074725 -0.2100000000000001,0.00168763904999,44.0357167442,-7.34063222456e-06,4.26023895104,0.000334337764555,89.5779339625,0.00385576098808,6.37493074725 -0.2150000000000001,0.0015783384851,44.0357167442,-1.07526691661e-05,4.26023895104,0.00103512244089,89.5779339625,0.00347146350879,6.37493074725 -0.2200000000000001,0.001418432001,44.0357167442,-1.47408934766e-05,4.26023895104,0.00157196745902,89.5779339625,0.0032342436858,6.37493074725 -0.22500000000000012,0.00124384440593,44.0357167442,-1.94586942711e-05,4.26023895104,0.00206145450576,89.5779339625,0.00306143899918,6.37493074725 -0.23000000000000012,0.00106802325323,44.0357167442,-2.51211187804e-05,4.26023895104,0.00256464516031,89.5779339625,0.00291624283213,6.37493074725 -0.23500000000000013,0.000894848382723,44.0357167442,-3.20435749503e-05,4.26023895104,0.00311554115278,89.5779339625,0.00278230231857,6.37493074725 -0.24000000000000013,0.000723278600185,44.0357167442,-4.07100742261e-05,4.26023895104,0.00375191397058,89.5779339625,0.00265371902434,6.37493074725 -0.24500000000000013,0.00054800403086,44.0357167442,-5.19020566123e-05,4.26023895104,0.00452998537195,89.5779339625,0.00252998198122,6.37493074725 -0.2500000000000001,0.0003537970648,44.0357167442,-6.69627130596e-05,4.26023895104,0.0055431846461,89.5779339625,0.00241301574614,6.37493074725 -0.2550000000000001,8.68407622395e-05,44.0357167442,-8.840025254e-05,4.26023895104,0.00695954936342,89.5779339625,0.00230547016147,6.37493074725 -0.2600000000000001,0.000316952656444,44.0357167442,-0.000121477670975,4.26023895104,0.00911184615088,89.5779339625,0.00220985266387,6.37493074725 -0.2650000000000001,0.000390433716055,44.0357167442,-0.000179380133502,4.26023895104,0.0127519961552,89.5779339625,0.00212821322694,6.37493074725 -0.27000000000000013,0.000393465128533,44.0357167442,-0.000306996636892,4.26023895104,0.0199385942529,89.5779339625,0.00206215097769,6.37493074725 -0.27500000000000013,0.000259823603625,44.0357167442,-0.00081908905086,4.26023895104,0.0383712317313,89.5779339625,0.00201298017563,6.37493074725 -0.28000000000000014,0.000775077762552,44.0357167442,0.00173456837424,4.26023895104,0.122616509773,89.5779339625,0.00198196146425,6.37493074725 -0.28500000000000014,0.00023764621841,44.0357167442,0.000462059034537,4.26023895104,19.700138365,89.5779339625,0.00197055879032,6.37493074725 -0.29000000000000015,0.000493550598071,44.0357167442,0.00028067956066,4.26023895104,-0.112162774452,89.5779339625,0.00198072105478,6.37493074725 -0.29500000000000015,0.000822464916217,44.0357167442,0.000208933559662,4.26023895104,-0.0192211930105,89.5779339625,0.00201521644409,6.37493074725 -0.30000000000000016,0.00116169892401,44.0357167442,0.000171118821449,4.26023895104,-0.0053257961665,89.5779339625,0.00207807654646,6.37493074725 -0.30500000000000016,0.00155629676066,44.0357167442,0.000148324911653,4.26023895104,-0.00117886244913,89.5779339625,0.00217525091048,6.37493074725 -0.31000000000000016,0.0020436250356,44.0357167442,0.000133611868893,4.26023895104,0.000489612659742,89.5779339625,0.00231565489266,6.37493074725 -0.31500000000000017,0.00267369945956,44.0357167442,0.000123857659431,4.26023895104,0.00130280875937,89.5779339625,0.00251296636026,6.37493074725 -0.3200000000000002,0.00352482565735,44.0357167442,0.000117477508466,4.26023895104,0.00177496195624,89.5779339625,0.00278891875703,6.37493074725 -0.3250000000000002,0.00473050748682,44.0357167442,0.000113612883448,4.26023895104,0.0021113675454,89.5779339625,0.00317980679092,6.37493074725 -0.3300000000000002,0.00653681064575,44.0357167442,0.000111796354109,4.26023895104,0.00241562198867,89.5779339625,0.00375058898393,6.37493074725 -0.3350000000000002,0.00944099419118,44.0357167442,0.000111800971938,4.26023895104,0.00276359005011,89.5779339625,0.00462944472829,6.37493074725 -0.3400000000000002,0.0145776170637,44.0357167442,0.000113573416926,4.26023895104,0.00325296345912,89.5779339625,0.00610842452499,6.37493074725 -0.3450000000000002,0.0250252601294,44.0357167442,0.000117213412398,4.26023895104,0.00410752911143,89.5779339625,0.00902663680069,6.37493074725 -0.3500000000000002,0.0517716847166,44.0357167442,0.000122987924362,4.26023895104,0.00626092857003,89.5779339625,0.0171745788181,6.37493074725 -0.3550000000000002,0.160901321584,44.0357167442,0.000131384453022,4.26023895104,0.0367857434348,89.5779339625,0.144573548471,6.37493074725 -0.3600000000000002,2.71000601085,44.0357167442,0.000143225879407,4.26023895104,-0.00166587610837,89.5779339625,-0.0235836339062,6.37493074725 -0.3650000000000002,-0.621168188205,44.0357167442,0.000159904569424,4.26023895104,-0.00236685788718,89.5779339625,-0.0112173400401,6.37493074725 -0.3700000000000002,-0.101184406539,44.0357167442,0.00018388215854,4.26023895104,-0.0021544142614,89.5779339625,-0.00752485588267,6.37493074725 -0.3750000000000002,-0.0395445157335,44.0357167442,0.000219865709778,4.26023895104,-0.00187023013084,89.5779339625,-0.00576836367287,6.37493074725 -0.3800000000000002,-0.020731027085,44.0357167442,0.000278016443716,4.26023895104,-0.00158224125788,89.5779339625,-0.00475289220685,6.37493074725 -0.38500000000000023,-0.0124940531692,44.0357167442,0.000384919001233,4.26023895104,-0.00125940365609,89.5779339625,-0.0040989157843,6.37493074725 -0.39000000000000024,-0.00792622026028,44.0357167442,0.000638946067439,4.26023895104,-0.000805222891586,89.5779339625,-0.00364823941549,6.37493074725 -0.39500000000000024,-0.00367028294534,44.0357167442,0.00195379613823,4.26023895104,-0.000642488192155,89.5779339625,-0.00332327129511,6.37493074725 -0.40000000000000024,-0.00713198135694,44.0357167442,-0.00182237742406,4.26023895104,-0.00131297211674,89.5779339625,-0.0030815746583,6.37493074725 -0.40500000000000025,-0.00442217183681,44.0357167442,-0.000623365837177,4.26023895104,-0.00186121660434,89.5779339625,-0.00289807337854,6.37493074725 -0.41000000000000025,-0.00329145086517,44.0357167442,-0.000378356824786,4.26023895104,-0.00243197347686,89.5779339625,-0.00275709110425,6.37493074725 -0.41500000000000026,-0.0025350029359,44.0357167442,-0.000273627629424,4.26023895104,-0.00309011646196,89.5779339625,-0.00264842209179,6.37493074725 -0.42000000000000026,-0.00195762487678,44.0357167442,-0.000216008032518,4.26023895104,-0.00390088290922,89.5779339625,-0.0025652410408,6.37493074725 -0.42500000000000027,-0.00147553942647,44.0357167442,-0.000179884151406,4.26023895104,-0.00495392742002,89.5779339625,-0.00250292540711,6.37493074725 -0.43000000000000027,-0.00102970485609,44.0357167442,-0.000155370097544,4.26023895104,-0.00639142693966,89.5779339625,-0.00245836338218,6.37493074725 -0.4350000000000003,-0.000524377325876,44.0357167442,-0.000137847260035,4.26023895104,-0.00846098113898,89.5779339625,-0.00242953730591,6.37493074725 -0.4400000000000003,-0.000538920206172,44.0357167442,-0.000124872895722,4.26023895104,-0.0116341321439,89.5779339625,-0.00241527384152,6.37493074725 -0.4450000000000003,-0.00083332836303,44.0357167442,-0.000115037905335,4.26023895104,-0.0169104377955,89.5779339625,-0.00241510351775,6.37493074725 -0.4500000000000003,-0.000979990307551,44.0357167442,-0.000107476524761,4.26023895104,-0.0267384670864,89.5779339625,-0.00242920045163,6.37493074725 -0.4550000000000003,-0.00104034092623,44.0357167442,-0.000101631778891,4.26023895104,-0.0485577816502,89.5779339625,-0.00245839075619,6.37493074725 -0.4600000000000003,-0.00101105932075,44.0357167442,-9.7133762618e-05,4.26023895104,-0.115008653783,89.5779339625,-0.00250423197698,6.37493074725 -0.4650000000000003,-0.000835758543549,44.0357167442,-9.37324469875e-05,4.26023895104,-0.558814625608,89.5779339625,-0.00256918057227,6.37493074725 -0.4700000000000003,-0.000197511945031,44.0357167442,-9.12588907404e-05,4.26023895104,10.5622659818,89.5779339625,-0.0026568850777,6.37493074725 -0.4750000000000003,-0.00120658782902,44.0357167442,-8.96022798672e-05,4.26023895104,0.248409416677,89.5779339625,-0.00277267748798,6.37493074725 -0.4800000000000003,-0.00200560785636,44.0357167442,-8.86964203642e-05,4.26023895104,0.0696616165828,89.5779339625,-0.00292440131514,6.37493074725 -0.4850000000000003,-0.00293042744372,44.0357167442,-8.85123865531e-05,4.26023895104,0.030694566771,89.5779339625,-0.00312384969114,6.37493074725 -0.4900000000000003,-0.00351792539219,44.0357167442,-8.90557076899e-05,4.26023895104,0.0142117199018,89.5779339625,-0.00338938462777,6.37493074725 -0.49500000000000033,-0.00355039112854,44.0357167442,-9.06229094189e-05,4.26023895104,0.00873543121424,89.5779339625,-0.00358403899994,6.37493074725 From d256c36cbc38c7d450283eea5e93a6a0850c45c6 Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 11:03:16 -0700 Subject: [PATCH 52/77] Delete pp2_print_2.csv Added wrong csv file --- .../Validation/gold/DSS/pp2_print_2.csv | 101 ------------------ 1 file changed, 101 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_2.csv diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_2.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_2.csv deleted file mode 100644 index 91a45e91ad..0000000000 --- a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_2.csv +++ /dev/null @@ -1,101 +0,0 @@ -pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation -0.0,-0.0499281922006,37.767391036,0.00214950159842,4.28650302037,1.48043773097e-06,153.440198563,-2.78869210709e-06,15.4153269263 -0.005,-0.108821350709,37.767391036,0.00344512627925,4.28650302037,1.92343383019e-06,153.440198563,-3.78745340746e-06,15.4153269263 -0.01,-2.80127775886,37.767391036,-0.0154495882567,4.28650302037,1.53098863678e-06,153.440198563,-4.83741886226e-06,15.4153269263 -0.015,0.666352304377,37.767391036,-0.00270493401925,4.28650302037,1.90085196915e-06,153.440198563,-5.79512180408e-06,15.4153269263 -0.02,0.105537707351,37.767391036,-0.00161203987177,4.28650302037,3.32599773558e-06,153.440198563,-6.63492581009e-06,15.4153269263 -0.025,0.0431344458161,37.767391036,-0.00122160618589,4.28650302037,4.40380458328e-06,153.440198563,-7.35165063744e-06,15.4153269263 -0.030000000000000002,0.0243318377974,37.767391036,-0.0010306546398,4.28650302037,5.17246201225e-06,153.440198563,-7.95660994721e-06,15.4153269263 -0.035,0.0161802116007,37.767391036,-0.000923652027417,4.28650302037,5.32498316785e-06,153.440198563,-8.47174651242e-06,15.4153269263 -0.04,0.0118771511525,37.767391036,-0.00085975689653,4.28650302037,3.63941540802e-06,153.440198563,-8.92454004322e-06,15.4153269263 -0.045,0.00929529622336,37.767391036,-0.000820975161398,4.28650302037,6.48621474724e-06,153.440198563,-9.3449510607e-06,15.4153269263 -0.049999999999999996,0.00759070348954,37.767391036,-0.000798295647998,4.28650302037,1.3658071887e-05,153.440198563,-9.76461077415e-06,15.4153269263 -0.05499999999999999,0.00636976921521,37.767391036,-0.000786888171608,4.28650302037,2.28305802338e-05,153.440198563,-1.02181231591e-05,15.4153269263 -0.05999999999999999,0.00542383077465,37.767391036,-0.000784147860477,4.28650302037,3.54369772377e-05,153.440198563,-1.07466180944e-05,15.4153269263 -0.06499999999999999,0.00462768310852,37.767391036,-0.000788818411715,4.28650302037,5.3214686841e-05,153.440198563,-1.14045547185e-05,15.4153269263 -0.06999999999999999,0.00389360580876,37.767391036,-0.00080059531129,4.28650302037,7.8766485877e-05,153.440198563,-1.22726906907e-05,15.4153269263 -0.075,0.00314310405167,37.767391036,-0.000819987724073,4.28650302037,0.000116258353714,153.440198563,-1.34849615832e-05,15.4153269263 -0.08,0.00226732731421,37.767391036,-0.000848368466594,4.28650302037,0.000172710528439,153.440198563,-1.52914860661e-05,15.4153269263 -0.085,0.000856688329193,37.767391036,-0.000888228880415,4.28650302037,0.000260628405531,153.440198563,-1.82327415937e-05,15.4153269263 -0.09000000000000001,0.00183568332738,37.767391036,-0.000943751981274,4.28650302037,0.000403597002242,153.440198563,-2.37528099707e-05,15.4153269263 -0.09500000000000001,0.00264621581141,37.767391036,-0.00102200341102,4.28650302037,0.000645816804441,153.440198563,-3.74874734818e-05,15.4153269263 -0.10000000000000002,0.00312285344438,37.767391036,-0.00113551387155,4.28650302037,0.000916181838688,153.440198563,-0.000125172028078,15.4153269263 -0.10500000000000002,0.00330033104617,37.767391036,-0.00130846731198,4.28650302037,0.0031709156581,153.440198563,6.80776138803e-05,15.4153269263 -0.11000000000000003,0.00305357249322,37.767391036,-0.00159401185415,4.28650302037,0.0092741572586,153.440198563,2.3630670193e-05,15.4153269263 -0.11500000000000003,0.00192066846575,37.767391036,-0.00213582689044,4.28650302037,0.184535236178,153.440198563,1.31146173897e-05,15.4153269263 -0.12000000000000004,0.00252956428232,37.767391036,-0.00350365660164,4.28650302037,-0.0261601202469,153.440198563,8.43267598045e-06,15.4153269263 -0.12500000000000003,0.00197195699887,37.767391036,-0.0128058571372,4.28650302037,-0.00407839423995,153.440198563,5.78128280747e-06,15.4153269263 -0.13000000000000003,0.0119156742882,37.767391036,0.0064905335384,4.28650302037,-0.00136658922718,153.440198563,4.05421618831e-06,15.4153269263 -0.13500000000000004,0.013671245455,37.767391036,0.0024343989044,4.28650302037,-0.000561531221493,153.440198563,2.8037103852e-06,15.4153269263 -0.14000000000000004,0.0169855507165,37.767391036,0.00144628153041,4.28650302037,-0.000233033923817,153.440198563,1.80407295399e-06,15.4153269263 -0.14500000000000005,0.0210482642293,37.767391036,0.00100434732335,4.28650302037,-7.82755721773e-05,153.440198563,9.15992711228e-07,15.4153269263 -0.15000000000000005,0.0258835576537,37.767391036,0.000755025231215,4.28650302037,-1.7285453844e-06,153.440198563,3.07115919595e-08,15.4153269263 -0.15500000000000005,0.0317078406287,37.767391036,0.000594637268036,4.28650302037,3.48615386997e-05,153.440198563,-9.62513297606e-07,15.4153269263 -0.16000000000000006,0.03896086226,37.767391036,0.000481492502845,4.28650302037,4.95564952756e-05,153.440198563,-2.20761666073e-06,15.4153269263 -0.16500000000000006,0.0484979384313,37.767391036,0.000395330321375,4.28650302037,5.19049338564e-05,153.440198563,-3.9299302102e-06,15.4153269263 -0.17000000000000007,0.0620887853646,37.767391036,0.000324893762769,4.28650302037,4.72752726694e-05,153.440198563,-6.53687252305e-06,15.4153269263 -0.17500000000000007,0.0838925432036,37.767391036,0.000263230775606,4.28650302037,3.86756477784e-05,153.440198563,-1.08771768008e-05,15.4153269263 -0.18000000000000008,0.126109101157,37.767391036,0.000205642022718,4.28650302037,2.75555601199e-05,153.440198563,-1.90800002131e-05,15.4153269263 -0.18500000000000008,0.243272898987,37.767391036,0.000148680404437,4.28650302037,1.39478669348e-05,153.440198563,-3.84293742393e-05,15.4153269263 -0.19000000000000009,1.25320061527,37.767391036,8.96142018957e-05,4.28650302037,-4.26359975484e-06,153.440198563,-0.000120753657011,15.4153269263 -0.1950000000000001,-0.328279795372,37.767391036,2.61089979965e-05,4.28650302037,6.32719894207e-05,153.440198563,0.000281470696544,15.4153269263 -0.2000000000000001,0.0566244476106,37.767391036,-4.39845116188e-05,4.28650302037,4.27397326215e-05,153.440198563,8.84294864703e-05,15.4153269263 -0.2050000000000001,0.0514053505134,37.767391036,-0.000122794909578,4.28650302037,4.0516001398e-05,153.440198563,6.14787929997e-05,15.4153269263 -0.2100000000000001,0.0405028662944,37.767391036,-0.000212581686572,4.28650302037,3.81748740252e-05,153.440198563,5.17038603202e-05,15.4153269263 -0.2150000000000001,0.0321067659877,37.767391036,-0.000315900981059,4.28650302037,3.36695540624e-05,153.440198563,4.71889229888e-05,15.4153269263 -0.2200000000000001,0.0258403274918,37.767391036,-0.00043581283209,4.28650302037,2.4387399431e-05,153.440198563,4.4875060237e-05,15.4153269263 -0.22500000000000012,0.0210417485375,37.767391036,-0.000576165408484,4.28650302037,1.57630978935e-05,153.440198563,4.35861729715e-05,15.4153269263 -0.23000000000000012,0.0172488698855,37.767391036,-0.000742009822369,4.28650302037,3.90452419768e-05,153.440198563,4.27615567712e-05,15.4153269263 -0.23500000000000013,0.0141582984866,37.767391036,-0.000940234887552,4.28650302037,5.85822401439e-05,153.440198563,4.21069168398e-05,15.4153269263 -0.24000000000000013,0.0115667017187,37.767391036,-0.00118058169524,4.28650302037,7.93280986529e-05,153.440198563,4.14713402758e-05,15.4153269263 -0.24500000000000013,0.00933193577921,37.767391036,-0.00147734237755,4.28650302037,0.00010323904041,153.440198563,4.07922860834e-05,15.4153269263 -0.2500000000000001,0.00734854275724,37.767391036,-0.00185236098997,4.28650302037,0.000132353675386,153.440198563,4.00634095801e-05,15.4153269263 -0.2550000000000001,0.00553004791768,37.767391036,-0.00234068708837,4.28650302037,0.000169564909451,153.440198563,3.93118213766e-05,15.4153269263 -0.2600000000000001,0.00378746557468,37.767391036,-0.00300211254591,4.28650302037,0.000219516980964,153.440198563,3.85814626358e-05,15.4153269263 -0.2650000000000001,0.00194455333851,37.767391036,-0.00394726388461,4.28650302037,0.000290298928418,153.440198563,3.79219324726e-05,15.4153269263 -0.27000000000000013,0.00138630396449,37.767391036,-0.00540542120334,4.28650302037,0.000397224923975,153.440198563,3.73821990832e-05,15.4153269263 -0.27500000000000013,0.00175262947416,37.767391036,-0.00794025570953,4.28650302037,0.000572450985139,153.440198563,3.70082269142e-05,15.4153269263 -0.28000000000000014,0.000671392420297,37.767391036,-0.0134048916244,4.28650302037,0.000893718572204,153.440198563,3.68434041146e-05,15.4153269263 -0.28500000000000014,-0.0046774271677,37.767391036,-0.0335288065715,4.28650302037,0.00159265948961,153.440198563,3.69308396882e-05,15.4153269263 -0.29000000000000015,0.0317778653141,37.767391036,0.108292813634,4.28650302037,0.00365085181784,153.440198563,3.73169772657e-05,15.4153269263 -0.29500000000000015,0.00818339475296,37.767391036,0.0231436754672,4.28650302037,0.0161638728405,153.440198563,3.80564183044e-05,15.4153269263 -0.30000000000000016,0.00111412560967,37.767391036,0.0137808997325,4.28650302037,-0.884787886606,153.440198563,3.9218335031e-05,15.4153269263 -0.30500000000000016,0.00694290356226,37.767391036,0.0102407538624,4.28650302037,-0.00939532288541,153.440198563,4.08954655535e-05,15.4153269263 -0.31000000000000016,0.010493995504,37.767391036,0.00842291698246,4.28650302037,-0.00249837948379,153.440198563,4.32176408333e-05,15.4153269263 -0.31500000000000017,0.0141331036889,37.767391036,0.00735357855299,4.28650302037,-0.00108921245228,153.440198563,4.6373574815e-05,15.4153269263 -0.3200000000000002,0.0183727680949,37.767391036,0.00668439911726,4.28650302037,-0.000581338912779,153.440198563,5.06483583235e-05,15.4153269263 -0.3250000000000002,0.0236396025607,37.767391036,0.00626172773479,4.28650302037,-0.000342494060474,153.440198563,5.64925313104e-05,15.4153269263 -0.3300000000000002,0.0304957537778,37.767391036,0.0060093926315,4.28650302037,-0.000209953796173,153.440198563,6.46596457532e-05,15.4153269263 -0.3350000000000002,0.0398163176516,37.767391036,0.00588786205733,4.28650302037,-0.000126330020937,153.440198563,7.65079974373e-05,15.4153269263 -0.3400000000000002,0.0530915153608,37.767391036,0.00587779409205,4.28650302037,-6.63151602054e-05,153.440198563,9.47525643711e-05,15.4153269263 -0.3450000000000002,0.0730701399213,37.767391036,0.0059730818723,4.28650302037,-1.51946100957e-05,153.440198563,0.000125710933657,15.4153269263 -0.3500000000000002,0.105319260008,37.767391036,0.00617843981787,4.28650302037,4.26696601349e-05,153.440198563,0.000188221448848,15.4153269263 -0.3550000000000002,0.162593654311,37.767391036,0.00650996412315,4.28650302037,0.000157569681522,153.440198563,0.000375039417191,15.4153269263 -0.3600000000000002,0.279772888882,37.767391036,0.00699877288072,4.28650302037,0.0098837259003,153.440198563,0.0196652331057,15.4153269263 -0.3650000000000002,0.583338306626,37.767391036,0.00769949424298,4.28650302037,-0.000198084213264,153.440198563,-0.000399736267412,15.4153269263 -0.3700000000000002,1.86574241185,37.767391036,0.00870860844522,4.28650302037,-8.02869790213e-05,153.440198563,-0.000201481595308,15.4153269263 -0.3750000000000002,42.3579811861,37.767391036,0.0102064301858,4.28650302037,-1.3156166492e-05,153.440198563,-0.00013678925093,15.4153269263 -0.3800000000000002,-5.26716178934,37.767391036,0.0125657200952,4.28650302037,-4.4608825145e-05,153.440198563,-0.000104990825304,15.4153269263 -0.38500000000000023,-0.889900805818,37.767391036,0.0166922695136,4.28650302037,-5.34329932638e-05,153.440198563,-8.62734355043e-05,15.4153269263 -0.39000000000000024,-0.304090368719,37.767391036,0.0254915046914,4.28650302037,-5.57381594146e-05,153.440198563,-7.40790823169e-05,15.4153269263 -0.39500000000000024,-0.0573578413862,37.767391036,0.0561239913279,4.28650302037,-5.41865304024e-05,153.440198563,-6.56105929421e-05,15.4153269263 -0.40000000000000024,-0.693730232489,37.767391036,-0.246683611764,4.28650302037,-4.84623702636e-05,153.440198563,-5.94757357043e-05,15.4153269263 -0.40500000000000025,-0.164279761324,37.767391036,-0.0382846008641,4.28650302037,-3.50507135296e-05,153.440198563,-5.49054663602e-05,15.4153269263 -0.41000000000000025,-0.0999385766782,37.767391036,-0.0207791318521,4.28650302037,-2.59158836574e-05,153.440198563,-5.14422667378e-05,15.4153269263 -0.41500000000000026,-0.0698826288974,37.767391036,-0.0143215945081,4.28650302037,-6.1613094492e-05,153.440198563,-4.87989196164e-05,15.4153269263 -0.42000000000000026,-0.0518196747833,37.767391036,-0.0109904218024,4.28650302037,-9.44605561698e-05,153.440198563,-4.67881738629e-05,15.4153269263 -0.42500000000000027,-0.0396054744386,37.767391036,-0.00897650633767,4.28650302037,-0.000132038605754,153.440198563,-4.52851213661e-05,15.4153269263 -0.43000000000000027,-0.030669772508,37.767391036,-0.00764130095923,4.28650302037,-0.000178513875608,153.440198563,-4.42059756702e-05,15.4153269263 -0.4350000000000003,-0.0236836984137,37.767391036,-0.00670217276586,4.28650302037,-0.000238905931645,153.440198563,-4.34956821917e-05,15.4153269263 -0.4400000000000003,-0.0178336157332,37.767391036,-0.00601499611813,4.28650302037,-0.000320699620659,153.440198563,-4.31206222862e-05,15.4153269263 -0.4450000000000003,-0.0124729552851,37.767391036,-0.00549878952213,4.28650302037,-0.000436162799237,153.440198563,-4.30644970741e-05,15.4153269263 -0.4500000000000003,-0.0065709238374,37.767391036,-0.00510476779296,4.28650302037,-0.000606930495375,153.440198563,-4.33264233714e-05,15.4153269263 -0.4550000000000003,-0.00599985403089,37.767391036,-0.00480201464787,4.28650302037,-0.000874311714594,153.440198563,-4.39208298679e-05,15.4153269263 -0.4600000000000003,-0.00954601659704,37.767391036,-0.0045702320651,4.28650302037,-0.00132544503602,153.440198563,-4.48791454024e-05,15.4153269263 -0.4650000000000003,-0.0112455781012,37.767391036,-0.00439581577765,4.28650302037,-0.00217082289174,153.440198563,-4.62536743346e-05,15.4153269263 -0.4700000000000003,-0.0119359941745,37.767391036,-0.00426962454311,4.28650302037,-0.0040312798916,153.440198563,-4.81246088084e-05,15.4153269263 -0.4750000000000003,-0.0116562165228,37.767391036,-0.00418567497193,4.28650302037,-0.00945788743967,153.440198563,-5.06120757773e-05,15.4153269263 -0.4800000000000003,-0.00993698502416,37.767391036,-0.00414037944419,4.28650302037,-0.0396906266945,153.440198563,-5.38969552789e-05,15.4153269263 -0.4850000000000003,-0.00404605115942,37.767391036,-0.00413213174602,4.28650302037,154.150605696,153.440198563,-5.82581034752e-05,15.4153269263 -0.4900000000000003,-0.00998731207677,37.767391036,-0.00416114504231,4.28650302037,0.034118947356,153.440198563,-6.41425967643e-05,15.4153269263 -0.49500000000000033,-0.0128971436753,37.767391036,-0.00421966639005,4.28650302037,0.0125953353559,153.440198563,-6.81736548532e-05,15.4153269263 From e2d3e977f30813e18e397855cbd0f36336c0140b Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 11:03:29 -0700 Subject: [PATCH 53/77] Delete pp2_print_1.csv Added wrong csv file --- .../Validation/gold/DSS/pp2_print_1.csv | 101 ------------------ 1 file changed, 101 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_1.csv diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_1.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_1.csv deleted file mode 100644 index 0591a62545..0000000000 --- a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_1.csv +++ /dev/null @@ -1,101 +0,0 @@ -pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation -0.0,0.774109933747,78.5323269828,-0.00111513031321,8.02406872151,0.00015699442728,21.1645936719,0.000388766220683,3.62270476039 -0.005,0.172934844167,78.5323269828,0.000312548594868,8.02406872151,0.000253790755873,21.1645936719,0.000478997467537,3.62270476039 -0.01,0.0434518775793,78.5323269828,9.33645706157e-05,8.02406872151,0.000389758416471,21.1645936719,0.00056805120926,3.62270476039 -0.015,0.019233004651,78.5323269828,5.94011493334e-05,8.02406872151,0.000486770043257,21.1645936719,0.000646124658721,3.62270476039 -0.02,0.0112138144262,78.5323269828,4.6202616342e-05,8.02406872151,0.000529134300053,21.1645936719,0.000713124729502,3.62270476039 -0.025,0.00757486755401,78.5323269828,3.95339280479e-05,8.02406872151,0.000474278984792,21.1645936719,0.000770415120738,3.62270476039 -0.030000000000000002,0.00559988445393,78.5323269828,3.57467616553e-05,8.02406872151,0.000152740369949,21.1645936719,0.000820287742045,3.62270476039 -0.035,0.004390795607,78.5323269828,3.34846745312e-05,8.02406872151,0.000797991250143,21.1645936719,0.000865542594222,3.62270476039 -0.04,0.00357888192657,78.5323269828,3.21335157958e-05,8.02406872151,0.00139258099056,21.1645936719,0.00090927581244,3.62270476039 -0.045,0.00298801637499,78.5323269828,3.13820403602e-05,8.02406872151,0.00213544322869,21.1645936719,0.000954896315223,3.62270476039 -0.049999999999999996,0.002522954625,78.5323269828,3.10643814811e-05,8.02406872151,0.00312433905151,21.1645936719,0.00100638290725,3.62270476039 -0.05499999999999999,0.00212519328404,78.5323269828,3.10947442252e-05,8.02406872151,0.00449128682363,21.1645936719,0.00106885498154,3.62270476039 -0.05999999999999999,0.00175195717774,78.5323269828,3.14383431158e-05,8.02406872151,0.00644420016217,21.1645936719,0.0011496907818,3.62270476039 -0.06499999999999999,0.00136101853355,78.5323269828,3.2099324124e-05,8.02406872151,0.00933486602648,21.1645936719,0.00126083041451,3.62270476039 -0.06999999999999999,0.000878087855177,78.5323269828,3.31188790748e-05,8.02406872151,0.0138014458706,21.1645936719,0.00142407700497,3.62270476039 -0.075,0.000466896928717,78.5323269828,3.45823471465e-05,8.02406872151,0.0211082874645,21.1645936719,0.00168536859298,3.62270476039 -0.08,0.00105539943751,78.5323269828,3.66384375052e-05,8.02406872151,0.0340932878574,21.1645936719,0.00216302079173,3.62270476039 -0.085,0.00136598259819,78.5323269828,3.95404879555e-05,8.02406872151,0.0605703170013,21.1645936719,0.00328710340681,3.62270476039 -0.09000000000000001,0.00153529464373,78.5323269828,4.37357620277e-05,8.02406872151,0.137405153594,21.1645936719,0.00883634014844,3.62270476039 -0.09500000000000001,0.00154146111344,78.5323269828,5.00760395577e-05,8.02406872151,0.212755471826,21.1645936719,-0.00846684654297,3.62270476039 -0.10000000000000002,0.00125478869626,78.5323269828,6.0390815383e-05,8.02406872151,1.5988061707,21.1645936719,-0.00250601690095,3.62270476039 -0.10500000000000002,0.000772175184071,78.5323269828,7.94364951969e-05,8.02406872151,-7.48669871307,21.1645936719,-0.00134643522011,3.62270476039 -0.11000000000000003,0.00223574857561,78.5323269828,0.000124632059843,8.02406872151,-0.413573575915,21.1645936719,-0.000855478667377,3.62270476039 -0.11500000000000003,0.00366331896809,78.5323269828,0.000352094517332,8.02406872151,-0.121052016172,21.1645936719,-0.000584330264464,3.62270476039 -0.12000000000000004,0.00481738095475,78.5323269828,-0.000336680273934,8.02406872151,-0.0503855034092,21.1645936719,-0.000410720594005,3.62270476039 -0.12500000000000003,0.00662913115137,78.5323269828,-0.000106374679546,8.02406872151,-0.0234170232593,21.1645936719,-0.000286946114568,3.62270476039 -0.13000000000000003,0.00866007541832,78.5323269828,-6.08457355132e-05,8.02406872151,-0.0107458842608,21.1645936719,-0.000189675836893,3.62270476039 -0.13500000000000004,0.0110758004082,78.5323269828,-4.15638099506e-05,8.02406872151,-0.0041603475582,21.1645936719,-0.000105003718329,3.62270476039 -0.14000000000000004,0.0140284466065,78.5323269828,-3.09727411283e-05,8.02406872151,-0.000617383138954,21.1645936719,-2.25654101801e-05,3.62270476039 -0.14500000000000005,0.0177699755735,78.5323269828,-2.42764214694e-05,8.02406872151,0.00124587128596,21.1645936719,6.76472198329e-05,3.62270476039 -0.15000000000000005,0.0227701859871,78.5323269828,-1.96176433169e-05,8.02406872151,0.00213169974396,21.1645936719,0.000178037706082,3.62270476039 -0.15500000000000005,0.0299926294325,78.5323269828,-1.61162762964e-05,8.02406872151,0.00244007370638,21.1645936719,0.000327303277569,3.62270476039 -0.16000000000000006,0.0416880551589,78.5323269828,-1.32927334511e-05,8.02406872151,0.00241168757692,21.1645936719,0.000548129320248,3.62270476039 -0.16500000000000006,0.0643186472701,78.5323269828,-1.08557501738e-05,8.02406872151,0.00218991014403,21.1645936719,0.000906013974106,3.62270476039 -0.17000000000000007,0.124719770968,78.5323269828,-8.61146363399e-06,8.02406872151,0.00184028567937,21.1645936719,0.00155620869662,3.62270476039 -0.17500000000000007,0.494938369974,78.5323269828,-6.41978064852e-06,8.02406872151,0.00126847297741,21.1645936719,0.00297767637778,3.62270476039 -0.18000000000000008,-2.46641065603,78.5323269828,-4.17133774529e-06,8.02406872151,0.00173926936988,21.1645936719,0.00772575298958,3.62270476039 -0.18500000000000008,-0.0414611869821,78.5323269828,-1.77413937144e-06,8.02406872151,-0.025561946542,21.1645936719,-0.11539011265,3.62270476039 -0.19000000000000009,0.00569319620955,78.5323269828,8.55060129221e-07,8.02406872151,-0.00146300939145,21.1645936719,-0.0100554509397,3.62270476039 -0.1950000000000001,0.011004902984,78.5323269828,3.79709063573e-06,8.02406872151,-0.000475864139573,21.1645936719,-0.00635126793396,3.62270476039 -0.2000000000000001,0.0108503108153,78.5323269828,7.13581055212e-06,8.02406872151,-0.000128654332099,21.1645936719,-0.00518006530933,3.62270476039 -0.2050000000000001,0.00969350347973,78.5323269828,1.09636231742e-05,8.02406872151,1.49277955888e-05,21.1645936719,-0.00467894362698,3.62270476039 -0.2100000000000001,0.00842420202358,78.5323269828,1.53879274562e-05,8.02406872151,4.02892302638e-05,21.1645936719,-0.0044476870953,3.62270476039 -0.2150000000000001,0.00724575947031,78.5323269828,2.05394988306e-05,8.02406872151,0.000191885884931,21.1645936719,-0.0043446838376,3.62270476039 -0.2200000000000001,0.00619304465914,78.5323269828,2.65841777047e-05,8.02406872151,0.000391175798864,21.1645936719,-0.0043045490451,3.62270476039 -0.22500000000000012,0.00525522371794,78.5323269828,3.37400009027e-05,8.02406872151,0.000673502363882,21.1645936719,-0.00429205403071,3.62270476039 -0.23000000000000012,0.00440922558223,78.5323269828,4.23033464715e-05,8.02406872151,0.00108776134503,21.1645936719,-0.00428710781864,3.62270476039 -0.23500000000000013,0.00362847465576,78.5323269828,5.26904309862e-05,8.02406872151,0.00170845633151,21.1645936719,-0.00427888014895,3.62270476039 -0.24000000000000013,0.00288251896262,78.5323269828,6.55060659113e-05,8.02406872151,0.00265234610929,21.1645936719,-0.004262899853,3.62270476039 -0.24500000000000013,0.002127734175,78.5323269828,8.16634197959e-05,8.02406872151,0.0041133507449,21.1645936719,-0.0042391343709,3.62270476039 -0.2500000000000001,0.001257759357,78.5323269828,0.000102605552429,8.02406872151,0.00643832583293,21.1645936719,-0.00421045589147,3.62270476039 -0.2550000000000001,0.000828378096761,78.5323269828,0.000130746825402,8.02406872151,0.010304266841,21.1645936719,-0.00418140075283,3.62270476039 -0.2600000000000001,0.00154019188196,78.5323269828,0.000170440017214,8.02406872151,0.0171821550257,21.1645936719,-0.00415725967944,3.62270476039 -0.2650000000000001,0.00187441428345,78.5323269828,0.000230381434784,8.02406872151,0.0307614176303,21.1645936719,-0.00414351845838,3.62270476039 -0.27000000000000013,0.00202193397403,78.5323269828,0.000330771307489,8.02406872151,0.0624826810512,21.1645936719,-0.00414561873163,3.62270476039 -0.27500000000000013,0.002001032412,78.5323269828,0.000531589183265,8.02406872151,0.163182566838,21.1645936719,-0.00416897908533,3.62270476039 -0.28000000000000014,0.00175329778763,78.5323269828,0.00112482219142,8.02406872151,0.841675558765,21.1645936719,-0.00421921817404,3.62270476039 -0.28500000000000014,0.00125269551862,78.5323269828,0.0359810627555,8.02406872151,-30.1715064164,21.1645936719,-0.00430254667581,3.62270476039 -0.29000000000000015,0.00173690674608,78.5323269828,-0.00139473398204,8.02406872151,-0.541470714699,21.1645936719,-0.0044263349351,3.62270476039 -0.29500000000000015,0.00310890477779,78.5323269828,-0.000737322863662,8.02406872151,-0.166181672723,21.1645936719,-0.00459991742035,3.62270476039 -0.30000000000000016,0.00456146898278,78.5323269828,-0.00052674979752,8.02406872151,-0.0829631693218,21.1645936719,-0.00483577503259,3.62270476039 -0.30500000000000016,0.00628601499582,78.5323269828,-0.000425524249225,8.02406872151,-0.0512147337907,21.1645936719,-0.00515137300595,3.62270476039 -0.31000000000000016,0.00845797610112,78.5323269828,-0.000368150791594,8.02406872151,-0.0356827739788,21.1645936719,-0.00557219787766,3.62270476039 -0.31500000000000017,0.0113216825999,78.5323269828,-0.0003331746523,8.02406872151,-0.0269350413193,21.1645936719,-0.00613710629019,3.62270476039 -0.3200000000000002,0.015267935443,78.5323269828,-0.000311603763873,8.02406872151,-0.0215737276619,21.1645936719,-0.00690843116545,3.62270476039 -0.3250000000000002,0.0209754548459,78.5323269828,-0.00029913248091,8.02406872151,-0.0181422611288,21.1645936719,-0.00799273681681,3.62270476039 -0.3300000000000002,0.0297210356289,78.5323269828,-0.000293590171994,8.02406872151,-0.0159619678347,21.1645936719,-0.00958820041251,3.62270476039 -0.3350000000000002,0.0441503928111,78.5323269828,-0.000293955979829,8.02406872151,-0.0147516320894,21.1645936719,-0.0121094126143,3.62270476039 -0.3400000000000002,0.0705032247119,78.5323269828,-0.00029995850538,8.02406872151,-0.0145712178054,21.1645936719,-0.0165925304479,3.62270476039 -0.3450000000000002,0.126536483196,78.5323269828,-0.000311949955848,8.02406872151,-0.016262292345,21.1645936719,-0.0265554172213,3.62270476039 -0.3500000000000002,0.280803513005,78.5323269828,-0.000330964255244,8.02406872151,-0.0265280222762,21.1645936719,-0.066497609455,3.62270476039 -0.3550000000000002,1.02324913362,78.5323269828,-0.000358979521713,8.02406872151,0.0298908562968,21.1645936719,0.136708832882,3.62270476039 -0.3600000000000002,80.1685866409,78.5323269828,-0.000399528825841,8.02406872151,0.00187240234695,21.1645936719,0.0343043054976,3.62270476039 -0.3650000000000002,-1.79519173079,78.5323269828,-0.000459072822812,8.02406872151,0.0027974550452,21.1645936719,0.0199018342634,3.62270476039 -0.3700000000000002,-0.396905209568,78.5323269828,-0.000550354811098,8.02406872151,0.00196447877021,21.1645936719,0.0142027898753,3.62270476039 -0.3750000000000002,-0.172007319674,78.5323269828,-0.000701977803126,8.02406872151,0.00121110983051,21.1645936719,0.0111763984294,3.62270476039 -0.3800000000000002,-0.0968649163453,78.5323269828,-0.00099349891318,8.02406872151,0.00061232574077,21.1645936719,0.00931878570727,3.62270476039 -0.38500000000000023,-0.0636563968426,78.5323269828,-0.00175835669441,8.02406872151,0.000167538565504,21.1645936719,0.00807685474333,3.62270476039 -0.39000000000000024,-0.0561966955212,78.5323269828,-0.00856322755607,8.02406872151,-8.0456588826e-05,21.1645936719,0.00719971537706,3.62270476039 -0.39500000000000024,-0.0260206570271,78.5323269828,0.00291043543761,8.02406872151,-0.000288516079035,21.1645936719,0.00655732455789,3.62270476039 -0.40000000000000024,-0.0213502799877,78.5323269828,0.00123939077254,8.02406872151,-0.000876677291258,21.1645936719,0.00607577941537,3.62270476039 -0.40500000000000025,-0.016899092494,78.5323269828,0.000788878127904,8.02406872151,-0.0017178654172,21.1645936719,0.00571021259275,3.62270476039 -0.41000000000000025,-0.0134051383915,78.5323269828,0.000581133294843,8.02406872151,-0.00289031251364,21.1645936719,0.0054320610037,3.62270476039 -0.41500000000000026,-0.0106196180657,78.5323269828,0.00046265549946,8.02406872151,-0.00452348561758,21.1645936719,0.00522255321938,3.62270476039 -0.42000000000000026,-0.00830333105079,78.5323269828,0.000386842345636,8.02406872151,-0.00682983486137,21.1645936719,0.00506915740742,3.62270476039 -0.42500000000000027,-0.0062597143635,78.5323269828,0.000334748408515,8.02406872151,-0.0101640037956,21.1645936719,0.00496355398608,3.62270476039 -0.43000000000000027,-0.00428053116836,78.5323269828,0.000297231742542,8.02406872151,-0.0151430112141,21.1645936719,0.00490045113692,3.62270476039 -0.4350000000000003,-0.00183094244122,78.5323269828,0.000269350407586,8.02406872151,-0.0229061424782,21.1645936719,0.00487690217277,3.62270476039 -0.4400000000000003,-0.00273321375559,78.5323269828,0.00024820979193,8.02406872151,-0.0357308620284,21.1645936719,0.00489195140857,3.62270476039 -0.4450000000000003,-0.00388360453739,78.5323269828,0.000232012825754,8.02406872151,-0.0586844015204,21.1645936719,0.00494652670219,3.62270476039 -0.4500000000000003,-0.00445348727543,78.5323269828,0.000219596381833,8.02406872151,-0.104878587617,21.1645936719,0.00504355611419,3.62270476039 -0.4550000000000003,-0.0046422237846,78.5323269828,0.000210187123956,8.02406872151,-0.217029543586,21.1645936719,0.00518833724011,3.62270476039 -0.4600000000000003,-0.00441220704131,78.5323269828,0.000203265440004,8.02406872151,-0.603815420293,21.1645936719,0.00538925015073,3.62270476039 -0.4650000000000003,-0.00346569189527,78.5323269828,0.000198486694994,8.02406872151,-4.0640633147,21.1645936719,0.00565900476547,3.62270476039 -0.4700000000000003,-0.00191015692685,78.5323269828,0.000195635089853,8.02406872151,17.9868344846,21.1645936719,0.00601680122675,3.62270476039 -0.4750000000000003,-0.00569507867241,78.5323269828,0.000194597602017,8.02406872151,1.19241195807,21.1645936719,0.00649217227692,3.62270476039 -0.4800000000000003,-0.00910691494635,78.5323269828,0.00019535171858,8.02406872151,0.416943814092,21.1645936719,0.00713216163498,3.62270476039 -0.4850000000000003,-0.0130557612771,78.5323269828,0.000197964290948,8.02406872151,0.219083602994,21.1645936719,0.00801569461804,3.62270476039 -0.4900000000000003,-0.0154658754364,78.5323269828,0.000202601458671,8.02406872151,0.122663915599,21.1645936719,0.00928513779775,3.62270476039 -0.49500000000000033,-0.015404620316,78.5323269828,0.00020681289425,8.02406872151,0.0837281391226,21.1645936719,0.0101591584241,3.62270476039 From f4a4ec2d1d18ab56141274ba4b06fc274b099dd0 Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 11:04:29 -0700 Subject: [PATCH 54/77] Add files via upload Adding correct csv files --- .../Validation/gold/DSS/pp2_print_1.csv | 101 ++++++++++++++++++ .../Validation/gold/DSS/pp2_print_2.csv | 101 ++++++++++++++++++ .../Validation/gold/DSS/pp2_print_3.csv | 101 ++++++++++++++++++ 3 files changed, 303 insertions(+) create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_1.csv create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_2.csv create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_3.csv diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_1.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_1.csv new file mode 100644 index 0000000000..ffe41b27bc --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_1.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,0.774109933747,78.5323269828,-0.00111513031321,8.02406872151,0.00015699442728,21.1645936719,0.000388766220683,3.62270476039 +0.005,0.172934844167,78.5323269828,0.000312548594868,8.02406872151,0.000253790755873,21.1645936719,0.000478997467537,3.62270476039 +0.01,0.0434518775793,78.5323269828,9.33645706157e-05,8.02406872151,0.000389758416471,21.1645936719,0.00056805120926,3.62270476039 +0.015,0.019233004651,78.5323269828,5.94011493334e-05,8.02406872151,0.000486770043257,21.1645936719,0.000646124658721,3.62270476039 +0.02,0.0112138144262,78.5323269828,4.6202616342e-05,8.02406872151,0.000529134300053,21.1645936719,0.000713124729502,3.62270476039 +0.025,0.00757486755401,78.5323269828,3.95339280479e-05,8.02406872151,0.000474278984792,21.1645936719,0.000770415120738,3.62270476039 +0.030000000000000002,0.00559988445393,78.5323269828,3.57467616553e-05,8.02406872151,0.000152740369949,21.1645936719,0.000820287742045,3.62270476039 +0.035,0.004390795607,78.5323269828,3.34846745312e-05,8.02406872151,0.000797991250143,21.1645936719,0.000865542594222,3.62270476039 +0.04,0.00357888192657,78.5323269828,3.21335157958e-05,8.02406872151,0.00139258099056,21.1645936719,0.00090927581244,3.62270476039 +0.045,0.00298801637499,78.5323269828,3.13820403602e-05,8.02406872151,0.00213544322869,21.1645936719,0.000954896315223,3.62270476039 +0.049999999999999996,0.002522954625,78.5323269828,3.10643814811e-05,8.02406872151,0.00312433905151,21.1645936719,0.00100638290725,3.62270476039 +0.05499999999999999,0.00212519328404,78.5323269828,3.10947442252e-05,8.02406872151,0.00449128682363,21.1645936719,0.00106885498154,3.62270476039 +0.05999999999999999,0.00175195717774,78.5323269828,3.14383431158e-05,8.02406872151,0.00644420016217,21.1645936719,0.0011496907818,3.62270476039 +0.06499999999999999,0.00136101853355,78.5323269828,3.2099324124e-05,8.02406872151,0.00933486602648,21.1645936719,0.00126083041451,3.62270476039 +0.06999999999999999,0.000878087855177,78.5323269828,3.31188790748e-05,8.02406872151,0.0138014458706,21.1645936719,0.00142407700497,3.62270476039 +0.075,0.000466896928717,78.5323269828,3.45823471465e-05,8.02406872151,0.0211082874645,21.1645936719,0.00168536859298,3.62270476039 +0.08,0.00105539943751,78.5323269828,3.66384375052e-05,8.02406872151,0.0340932878574,21.1645936719,0.00216302079173,3.62270476039 +0.085,0.00136598259819,78.5323269828,3.95404879555e-05,8.02406872151,0.0605703170013,21.1645936719,0.00328710340681,3.62270476039 +0.09000000000000001,0.00153529464373,78.5323269828,4.37357620277e-05,8.02406872151,0.137405153594,21.1645936719,0.00883634014844,3.62270476039 +0.09500000000000001,0.00154146111344,78.5323269828,5.00760395577e-05,8.02406872151,0.212755471826,21.1645936719,-0.00846684654297,3.62270476039 +0.10000000000000002,0.00125478869626,78.5323269828,6.0390815383e-05,8.02406872151,1.5988061707,21.1645936719,-0.00250601690095,3.62270476039 +0.10500000000000002,0.000772175184071,78.5323269828,7.94364951969e-05,8.02406872151,7.48669871307,21.1645936719,-0.00134643522011,3.62270476039 +0.11000000000000003,0.00223574857561,78.5323269828,0.000124632059843,8.02406872151,0.413573575915,21.1645936719,-0.000855478667377,3.62270476039 +0.11500000000000003,0.00366331896809,78.5323269828,0.000352094517332,8.02406872151,0.121052016172,21.1645936719,-0.000584330264464,3.62270476039 +0.12000000000000004,0.00481738095475,78.5323269828,-0.000336680273934,8.02406872151,0.0503855034092,21.1645936719,-0.000410720594005,3.62270476039 +0.12500000000000003,0.00662913115137,78.5323269828,-0.000106374679546,8.02406872151,0.0234170232593,21.1645936719,-0.000286946114568,3.62270476039 +0.13000000000000003,0.00866007541832,78.5323269828,-6.08457355132e-05,8.02406872151,0.0107458842608,21.1645936719,-0.000189675836893,3.62270476039 +0.13500000000000004,0.0110758004082,78.5323269828,-4.15638099506e-05,8.02406872151,0.0041603475582,21.1645936719,-0.000105003718329,3.62270476039 +0.14000000000000004,0.0140284466065,78.5323269828,-3.09727411283e-05,8.02406872151,0.000617383138954,21.1645936719,-2.25654101801e-05,3.62270476039 +0.14500000000000005,0.0177699755735,78.5323269828,-2.42764214694e-05,8.02406872151,0.00124587128596,21.1645936719,6.76472198329e-05,3.62270476039 +0.15000000000000005,0.0227701859871,78.5323269828,-1.96176433169e-05,8.02406872151,0.00213169974396,21.1645936719,0.000178037706082,3.62270476039 +0.15500000000000005,0.0299926294325,78.5323269828,-1.61162762964e-05,8.02406872151,0.00244007370638,21.1645936719,0.000327303277569,3.62270476039 +0.16000000000000006,0.0416880551589,78.5323269828,-1.32927334511e-05,8.02406872151,0.00241168757692,21.1645936719,0.000548129320248,3.62270476039 +0.16500000000000006,0.0643186472701,78.5323269828,-1.08557501738e-05,8.02406872151,0.00218991014403,21.1645936719,0.000906013974106,3.62270476039 +0.17000000000000007,0.124719770968,78.5323269828,-8.61146363399e-06,8.02406872151,0.00184028567937,21.1645936719,0.00155620869662,3.62270476039 +0.17500000000000007,0.494938369974,78.5323269828,-6.41978064852e-06,8.02406872151,0.00126847297741,21.1645936719,0.00297767637778,3.62270476039 +0.18000000000000008,2.46641065603,78.5323269828,-4.17133774529e-06,8.02406872151,0.00173926936988,21.1645936719,0.00772575298958,3.62270476039 +0.18500000000000008,0.0414611869821,78.5323269828,-1.77413937144e-06,8.02406872151,0.025561946542,21.1645936719,-0.11539011265,3.62270476039 +0.19000000000000009,0.00569319620955,78.5323269828,8.55060129221e-07,8.02406872151,0.00146300939145,21.1645936719,-0.0100554509397,3.62270476039 +0.1950000000000001,0.011004902984,78.5323269828,3.79709063573e-06,8.02406872151,0.000475864139573,21.1645936719,-0.00635126793396,3.62270476039 +0.2000000000000001,0.0108503108153,78.5323269828,7.13581055212e-06,8.02406872151,0.000128654332099,21.1645936719,-0.00518006530933,3.62270476039 +0.2050000000000001,0.00969350347973,78.5323269828,1.09636231742e-05,8.02406872151,1.49277955888e-05,21.1645936719,-0.00467894362698,3.62270476039 +0.2100000000000001,0.00842420202358,78.5323269828,1.53879274562e-05,8.02406872151,4.02892302638e-05,21.1645936719,-0.0044476870953,3.62270476039 +0.2150000000000001,0.00724575947031,78.5323269828,2.05394988306e-05,8.02406872151,0.000191885884931,21.1645936719,-0.0043446838376,3.62270476039 +0.2200000000000001,0.00619304465914,78.5323269828,2.65841777047e-05,8.02406872151,0.000391175798864,21.1645936719,-0.0043045490451,3.62270476039 +0.22500000000000012,0.00525522371794,78.5323269828,3.37400009027e-05,8.02406872151,0.000673502363882,21.1645936719,-0.00429205403071,3.62270476039 +0.23000000000000012,0.00440922558223,78.5323269828,4.23033464715e-05,8.02406872151,0.00108776134503,21.1645936719,-0.00428710781864,3.62270476039 +0.23500000000000013,0.00362847465576,78.5323269828,5.26904309862e-05,8.02406872151,0.00170845633151,21.1645936719,-0.00427888014895,3.62270476039 +0.24000000000000013,0.00288251896262,78.5323269828,6.55060659113e-05,8.02406872151,0.00265234610929,21.1645936719,-0.004262899853,3.62270476039 +0.24500000000000013,0.002127734175,78.5323269828,8.16634197959e-05,8.02406872151,0.0041133507449,21.1645936719,-0.0042391343709,3.62270476039 +0.2500000000000001,0.001257759357,78.5323269828,0.000102605552429,8.02406872151,0.00643832583293,21.1645936719,-0.00421045589147,3.62270476039 +0.2550000000000001,0.000828378096761,78.5323269828,0.000130746825402,8.02406872151,0.010304266841,21.1645936719,-0.00418140075283,3.62270476039 +0.2600000000000001,0.00154019188196,78.5323269828,0.000170440017214,8.02406872151,0.0171821550257,21.1645936719,-0.00415725967944,3.62270476039 +0.2650000000000001,0.00187441428345,78.5323269828,0.000230381434784,8.02406872151,0.0307614176303,21.1645936719,-0.00414351845838,3.62270476039 +0.27000000000000013,0.00202193397403,78.5323269828,0.000330771307489,8.02406872151,0.0624826810512,21.1645936719,-0.00414561873163,3.62270476039 +0.27500000000000013,0.002001032412,78.5323269828,0.000531589183265,8.02406872151,0.163182566838,21.1645936719,-0.00416897908533,3.62270476039 +0.28000000000000014,0.00175329778763,78.5323269828,0.00112482219142,8.02406872151,0.841675558765,21.1645936719,-0.00421921817404,3.62270476039 +0.28500000000000014,0.00125269551862,78.5323269828,0.0359810627555,8.02406872151,30.1715064164,21.1645936719,-0.00430254667581,3.62270476039 +0.29000000000000015,0.00173690674608,78.5323269828,-0.00139473398204,8.02406872151,0.541470714699,21.1645936719,-0.0044263349351,3.62270476039 +0.29500000000000015,0.00310890477779,78.5323269828,-0.000737322863662,8.02406872151,0.166181672723,21.1645936719,-0.00459991742035,3.62270476039 +0.30000000000000016,0.00456146898278,78.5323269828,-0.00052674979752,8.02406872151,0.0829631693218,21.1645936719,-0.00483577503259,3.62270476039 +0.30500000000000016,0.00628601499582,78.5323269828,-0.000425524249225,8.02406872151,0.0512147337907,21.1645936719,-0.00515137300595,3.62270476039 +0.31000000000000016,0.00845797610112,78.5323269828,-0.000368150791594,8.02406872151,0.0356827739788,21.1645936719,-0.00557219787766,3.62270476039 +0.31500000000000017,0.0113216825999,78.5323269828,-0.0003331746523,8.02406872151,0.0269350413193,21.1645936719,-0.00613710629019,3.62270476039 +0.3200000000000002,0.015267935443,78.5323269828,-0.000311603763873,8.02406872151,0.0215737276619,21.1645936719,-0.00690843116545,3.62270476039 +0.3250000000000002,0.0209754548459,78.5323269828,-0.00029913248091,8.02406872151,0.0181422611288,21.1645936719,-0.00799273681681,3.62270476039 +0.3300000000000002,0.0297210356289,78.5323269828,-0.000293590171994,8.02406872151,0.0159619678347,21.1645936719,-0.00958820041251,3.62270476039 +0.3350000000000002,0.0441503928111,78.5323269828,-0.000293955979829,8.02406872151,0.0147516320894,21.1645936719,-0.0121094126143,3.62270476039 +0.3400000000000002,0.0705032247119,78.5323269828,-0.00029995850538,8.02406872151,0.0145712178054,21.1645936719,-0.0165925304479,3.62270476039 +0.3450000000000002,0.126536483196,78.5323269828,-0.000311949955848,8.02406872151,0.016262292345,21.1645936719,-0.0265554172213,3.62270476039 +0.3500000000000002,0.280803513005,78.5323269828,-0.000330964255244,8.02406872151,0.0265280222762,21.1645936719,-0.066497609455,3.62270476039 +0.3550000000000002,1.02324913362,78.5323269828,-0.000358979521713,8.02406872151,0.0298908562968,21.1645936719,0.136708832882,3.62270476039 +0.3600000000000002,80.1685866409,78.5323269828,-0.000399528825841,8.02406872151,0.00187240234695,21.1645936719,0.0343043054976,3.62270476039 +0.3650000000000002,1.79519173079,78.5323269828,-0.000459072822812,8.02406872151,0.0027974550452,21.1645936719,0.0199018342634,3.62270476039 +0.3700000000000002,0.396905209568,78.5323269828,-0.000550354811098,8.02406872151,0.00196447877021,21.1645936719,0.0142027898753,3.62270476039 +0.3750000000000002,0.172007319674,78.5323269828,-0.000701977803126,8.02406872151,0.00121110983051,21.1645936719,0.0111763984294,3.62270476039 +0.3800000000000002,0.0968649163453,78.5323269828,-0.00099349891318,8.02406872151,0.00061232574077,21.1645936719,0.00931878570727,3.62270476039 +0.38500000000000023,0.0636563968426,78.5323269828,-0.00175835669441,8.02406872151,0.000167538565504,21.1645936719,0.00807685474333,3.62270476039 +0.39000000000000024,0.0561966955212,78.5323269828,-0.00856322755607,8.02406872151,8.0456588826e-05,21.1645936719,0.00719971537706,3.62270476039 +0.39500000000000024,0.0260206570271,78.5323269828,0.00291043543761,8.02406872151,0.000288516079035,21.1645936719,0.00655732455789,3.62270476039 +0.40000000000000024,0.0213502799877,78.5323269828,0.00123939077254,8.02406872151,0.000876677291258,21.1645936719,0.00607577941537,3.62270476039 +0.40500000000000025,0.016899092494,78.5323269828,0.000788878127904,8.02406872151,0.0017178654172,21.1645936719,0.00571021259275,3.62270476039 +0.41000000000000025,0.0134051383915,78.5323269828,0.000581133294843,8.02406872151,0.00289031251364,21.1645936719,0.0054320610037,3.62270476039 +0.41500000000000026,0.0106196180657,78.5323269828,0.00046265549946,8.02406872151,0.00452348561758,21.1645936719,0.00522255321938,3.62270476039 +0.42000000000000026,0.00830333105079,78.5323269828,0.000386842345636,8.02406872151,0.00682983486137,21.1645936719,0.00506915740742,3.62270476039 +0.42500000000000027,0.0062597143635,78.5323269828,0.000334748408515,8.02406872151,0.0101640037956,21.1645936719,0.00496355398608,3.62270476039 +0.43000000000000027,0.00428053116836,78.5323269828,0.000297231742542,8.02406872151,0.0151430112141,21.1645936719,0.00490045113692,3.62270476039 +0.4350000000000003,0.00183094244122,78.5323269828,0.000269350407586,8.02406872151,0.0229061424782,21.1645936719,0.00487690217277,3.62270476039 +0.4400000000000003,0.00273321375559,78.5323269828,0.00024820979193,8.02406872151,0.0357308620284,21.1645936719,0.00489195140857,3.62270476039 +0.4450000000000003,0.00388360453739,78.5323269828,0.000232012825754,8.02406872151,0.0586844015204,21.1645936719,0.00494652670219,3.62270476039 +0.4500000000000003,0.00445348727543,78.5323269828,0.000219596381833,8.02406872151,0.104878587617,21.1645936719,0.00504355611419,3.62270476039 +0.4550000000000003,0.0046422237846,78.5323269828,0.000210187123956,8.02406872151,0.217029543586,21.1645936719,0.00518833724011,3.62270476039 +0.4600000000000003,0.00441220704131,78.5323269828,0.000203265440004,8.02406872151,0.603815420293,21.1645936719,0.00538925015073,3.62270476039 +0.4650000000000003,0.00346569189527,78.5323269828,0.000198486694994,8.02406872151,4.0640633147,21.1645936719,0.00565900476547,3.62270476039 +0.4700000000000003,0.00191015692685,78.5323269828,0.000195635089853,8.02406872151,17.9868344846,21.1645936719,0.00601680122675,3.62270476039 +0.4750000000000003,0.00569507867241,78.5323269828,0.000194597602017,8.02406872151,1.19241195807,21.1645936719,0.00649217227692,3.62270476039 +0.4800000000000003,0.00910691494635,78.5323269828,0.00019535171858,8.02406872151,0.416943814092,21.1645936719,0.00713216163498,3.62270476039 +0.4850000000000003,0.0130557612771,78.5323269828,0.000197964290948,8.02406872151,0.219083602994,21.1645936719,0.00801569461804,3.62270476039 +0.4900000000000003,0.0154658754364,78.5323269828,0.000202601458671,8.02406872151,0.122663915599,21.1645936719,0.00928513779775,3.62270476039 +0.49500000000000033,0.015404620316,78.5323269828,0.00020681289425,8.02406872151,0.0837281391226,21.1645936719,0.0101591584241,3.62270476039 diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_2.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_2.csv new file mode 100644 index 0000000000..e37aeede47 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_2.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,0.0499281922006,37.767391036,0.00214950159842,4.28650302037,1.48043773097e-06,153.440198563,-2.78869210709e-06,15.4153269263 +0.005,0.108821350709,37.767391036,0.00344512627925,4.28650302037,1.92343383019e-06,153.440198563,-3.78745340746e-06,15.4153269263 +0.01,2.80127775886,37.767391036,-0.0154495882567,4.28650302037,1.53098863678e-06,153.440198563,-4.83741886226e-06,15.4153269263 +0.015,0.666352304377,37.767391036,-0.00270493401925,4.28650302037,1.90085196915e-06,153.440198563,-5.79512180408e-06,15.4153269263 +0.02,0.105537707351,37.767391036,-0.00161203987177,4.28650302037,3.32599773558e-06,153.440198563,-6.63492581009e-06,15.4153269263 +0.025,0.0431344458161,37.767391036,-0.00122160618589,4.28650302037,4.40380458328e-06,153.440198563,-7.35165063744e-06,15.4153269263 +0.030000000000000002,0.0243318377974,37.767391036,-0.0010306546398,4.28650302037,5.17246201225e-06,153.440198563,-7.95660994721e-06,15.4153269263 +0.035,0.0161802116007,37.767391036,-0.000923652027417,4.28650302037,5.32498316785e-06,153.440198563,-8.47174651242e-06,15.4153269263 +0.04,0.0118771511525,37.767391036,-0.00085975689653,4.28650302037,3.63941540802e-06,153.440198563,-8.92454004322e-06,15.4153269263 +0.045,0.00929529622336,37.767391036,-0.000820975161398,4.28650302037,6.48621474724e-06,153.440198563,-9.3449510607e-06,15.4153269263 +0.049999999999999996,0.00759070348954,37.767391036,-0.000798295647998,4.28650302037,1.3658071887e-05,153.440198563,-9.76461077415e-06,15.4153269263 +0.05499999999999999,0.00636976921521,37.767391036,-0.000786888171608,4.28650302037,2.28305802338e-05,153.440198563,-1.02181231591e-05,15.4153269263 +0.05999999999999999,0.00542383077465,37.767391036,-0.000784147860477,4.28650302037,3.54369772377e-05,153.440198563,-1.07466180944e-05,15.4153269263 +0.06499999999999999,0.00462768310852,37.767391036,-0.000788818411715,4.28650302037,5.3214686841e-05,153.440198563,-1.14045547185e-05,15.4153269263 +0.06999999999999999,0.00389360580876,37.767391036,-0.00080059531129,4.28650302037,7.8766485877e-05,153.440198563,-1.22726906907e-05,15.4153269263 +0.075,0.00314310405167,37.767391036,-0.000819987724073,4.28650302037,0.000116258353714,153.440198563,-1.34849615832e-05,15.4153269263 +0.08,0.00226732731421,37.767391036,-0.000848368466594,4.28650302037,0.000172710528439,153.440198563,-1.52914860661e-05,15.4153269263 +0.085,0.000856688329193,37.767391036,-0.000888228880415,4.28650302037,0.000260628405531,153.440198563,-1.82327415937e-05,15.4153269263 +0.09000000000000001,0.00183568332738,37.767391036,-0.000943751981274,4.28650302037,0.000403597002242,153.440198563,-2.37528099707e-05,15.4153269263 +0.09500000000000001,0.00264621581141,37.767391036,-0.00102200341102,4.28650302037,0.000645816804441,153.440198563,-3.74874734818e-05,15.4153269263 +0.10000000000000002,0.00312285344438,37.767391036,-0.00113551387155,4.28650302037,0.000916181838688,153.440198563,-0.000125172028078,15.4153269263 +0.10500000000000002,0.00330033104617,37.767391036,-0.00130846731198,4.28650302037,0.0031709156581,153.440198563,6.80776138803e-05,15.4153269263 +0.11000000000000003,0.00305357249322,37.767391036,-0.00159401185415,4.28650302037,0.0092741572586,153.440198563,2.3630670193e-05,15.4153269263 +0.11500000000000003,0.00192066846575,37.767391036,-0.00213582689044,4.28650302037,0.184535236178,153.440198563,1.31146173897e-05,15.4153269263 +0.12000000000000004,0.00252956428232,37.767391036,-0.00350365660164,4.28650302037,0.0261601202469,153.440198563,8.43267598045e-06,15.4153269263 +0.12500000000000003,0.00197195699887,37.767391036,-0.0128058571372,4.28650302037,0.00407839423995,153.440198563,5.78128280747e-06,15.4153269263 +0.13000000000000003,0.0119156742882,37.767391036,0.0064905335384,4.28650302037,0.00136658922718,153.440198563,4.05421618831e-06,15.4153269263 +0.13500000000000004,0.013671245455,37.767391036,0.0024343989044,4.28650302037,0.000561531221493,153.440198563,2.8037103852e-06,15.4153269263 +0.14000000000000004,0.0169855507165,37.767391036,0.00144628153041,4.28650302037,0.000233033923817,153.440198563,1.80407295399e-06,15.4153269263 +0.14500000000000005,0.0210482642293,37.767391036,0.00100434732335,4.28650302037,7.82755721773e-05,153.440198563,9.15992711228e-07,15.4153269263 +0.15000000000000005,0.0258835576537,37.767391036,0.000755025231215,4.28650302037,1.7285453844e-06,153.440198563,3.07115919595e-08,15.4153269263 +0.15500000000000005,0.0317078406287,37.767391036,0.000594637268036,4.28650302037,3.48615386997e-05,153.440198563,-9.62513297606e-07,15.4153269263 +0.16000000000000006,0.03896086226,37.767391036,0.000481492502845,4.28650302037,4.95564952756e-05,153.440198563,-2.20761666073e-06,15.4153269263 +0.16500000000000006,0.0484979384313,37.767391036,0.000395330321375,4.28650302037,5.19049338564e-05,153.440198563,-3.9299302102e-06,15.4153269263 +0.17000000000000007,0.0620887853646,37.767391036,0.000324893762769,4.28650302037,4.72752726694e-05,153.440198563,-6.53687252305e-06,15.4153269263 +0.17500000000000007,0.0838925432036,37.767391036,0.000263230775606,4.28650302037,3.86756477784e-05,153.440198563,-1.08771768008e-05,15.4153269263 +0.18000000000000008,0.126109101157,37.767391036,0.000205642022718,4.28650302037,2.75555601199e-05,153.440198563,-1.90800002131e-05,15.4153269263 +0.18500000000000008,0.243272898987,37.767391036,0.000148680404437,4.28650302037,1.39478669348e-05,153.440198563,-3.84293742393e-05,15.4153269263 +0.19000000000000009,1.25320061527,37.767391036,8.96142018957e-05,4.28650302037,4.26359975484e-06,153.440198563,-0.000120753657011,15.4153269263 +0.1950000000000001,0.328279795372,37.767391036,2.61089979965e-05,4.28650302037,6.32719894207e-05,153.440198563,0.000281470696544,15.4153269263 +0.2000000000000001,0.0566244476106,37.767391036,-4.39845116188e-05,4.28650302037,4.27397326215e-05,153.440198563,8.84294864703e-05,15.4153269263 +0.2050000000000001,0.0514053505134,37.767391036,-0.000122794909578,4.28650302037,4.0516001398e-05,153.440198563,6.14787929997e-05,15.4153269263 +0.2100000000000001,0.0405028662944,37.767391036,-0.000212581686572,4.28650302037,3.81748740252e-05,153.440198563,5.17038603202e-05,15.4153269263 +0.2150000000000001,0.0321067659877,37.767391036,-0.000315900981059,4.28650302037,3.36695540624e-05,153.440198563,4.71889229888e-05,15.4153269263 +0.2200000000000001,0.0258403274918,37.767391036,-0.00043581283209,4.28650302037,2.4387399431e-05,153.440198563,4.4875060237e-05,15.4153269263 +0.22500000000000012,0.0210417485375,37.767391036,-0.000576165408484,4.28650302037,1.57630978935e-05,153.440198563,4.35861729715e-05,15.4153269263 +0.23000000000000012,0.0172488698855,37.767391036,-0.000742009822369,4.28650302037,3.90452419768e-05,153.440198563,4.27615567712e-05,15.4153269263 +0.23500000000000013,0.0141582984866,37.767391036,-0.000940234887552,4.28650302037,5.85822401439e-05,153.440198563,4.21069168398e-05,15.4153269263 +0.24000000000000013,0.0115667017187,37.767391036,-0.00118058169524,4.28650302037,7.93280986529e-05,153.440198563,4.14713402758e-05,15.4153269263 +0.24500000000000013,0.00933193577921,37.767391036,-0.00147734237755,4.28650302037,0.00010323904041,153.440198563,4.07922860834e-05,15.4153269263 +0.2500000000000001,0.00734854275724,37.767391036,-0.00185236098997,4.28650302037,0.000132353675386,153.440198563,4.00634095801e-05,15.4153269263 +0.2550000000000001,0.00553004791768,37.767391036,-0.00234068708837,4.28650302037,0.000169564909451,153.440198563,3.93118213766e-05,15.4153269263 +0.2600000000000001,0.00378746557468,37.767391036,-0.00300211254591,4.28650302037,0.000219516980964,153.440198563,3.85814626358e-05,15.4153269263 +0.2650000000000001,0.00194455333851,37.767391036,-0.00394726388461,4.28650302037,0.000290298928418,153.440198563,3.79219324726e-05,15.4153269263 +0.27000000000000013,0.00138630396449,37.767391036,-0.00540542120334,4.28650302037,0.000397224923975,153.440198563,3.73821990832e-05,15.4153269263 +0.27500000000000013,0.00175262947416,37.767391036,-0.00794025570953,4.28650302037,0.000572450985139,153.440198563,3.70082269142e-05,15.4153269263 +0.28000000000000014,0.000671392420297,37.767391036,-0.0134048916244,4.28650302037,0.000893718572204,153.440198563,3.68434041146e-05,15.4153269263 +0.28500000000000014,0.0046774271677,37.767391036,-0.0335288065715,4.28650302037,0.00159265948961,153.440198563,3.69308396882e-05,15.4153269263 +0.29000000000000015,0.0317778653141,37.767391036,0.108292813634,4.28650302037,0.00365085181784,153.440198563,3.73169772657e-05,15.4153269263 +0.29500000000000015,0.00818339475296,37.767391036,0.0231436754672,4.28650302037,0.0161638728405,153.440198563,3.80564183044e-05,15.4153269263 +0.30000000000000016,0.00111412560967,37.767391036,0.0137808997325,4.28650302037,0.884787886606,153.440198563,3.9218335031e-05,15.4153269263 +0.30500000000000016,0.00694290356226,37.767391036,0.0102407538624,4.28650302037,0.00939532288541,153.440198563,4.08954655535e-05,15.4153269263 +0.31000000000000016,0.010493995504,37.767391036,0.00842291698246,4.28650302037,0.00249837948379,153.440198563,4.32176408333e-05,15.4153269263 +0.31500000000000017,0.0141331036889,37.767391036,0.00735357855299,4.28650302037,0.00108921245228,153.440198563,4.6373574815e-05,15.4153269263 +0.3200000000000002,0.0183727680949,37.767391036,0.00668439911726,4.28650302037,0.000581338912779,153.440198563,5.06483583235e-05,15.4153269263 +0.3250000000000002,0.0236396025607,37.767391036,0.00626172773479,4.28650302037,0.000342494060474,153.440198563,5.64925313104e-05,15.4153269263 +0.3300000000000002,0.0304957537778,37.767391036,0.0060093926315,4.28650302037,0.000209953796173,153.440198563,6.46596457532e-05,15.4153269263 +0.3350000000000002,0.0398163176516,37.767391036,0.00588786205733,4.28650302037,0.000126330020937,153.440198563,7.65079974373e-05,15.4153269263 +0.3400000000000002,0.0530915153608,37.767391036,0.00587779409205,4.28650302037,6.63151602054e-05,153.440198563,9.47525643711e-05,15.4153269263 +0.3450000000000002,0.0730701399213,37.767391036,0.0059730818723,4.28650302037,1.51946100957e-05,153.440198563,0.000125710933657,15.4153269263 +0.3500000000000002,0.105319260008,37.767391036,0.00617843981787,4.28650302037,4.26696601349e-05,153.440198563,0.000188221448848,15.4153269263 +0.3550000000000002,0.162593654311,37.767391036,0.00650996412315,4.28650302037,0.000157569681522,153.440198563,0.000375039417191,15.4153269263 +0.3600000000000002,0.279772888882,37.767391036,0.00699877288072,4.28650302037,0.0098837259003,153.440198563,0.0196652331057,15.4153269263 +0.3650000000000002,0.583338306626,37.767391036,0.00769949424298,4.28650302037,0.000198084213264,153.440198563,-0.000399736267412,15.4153269263 +0.3700000000000002,1.86574241185,37.767391036,0.00870860844522,4.28650302037,8.02869790213e-05,153.440198563,-0.000201481595308,15.4153269263 +0.3750000000000002,42.3579811861,37.767391036,0.0102064301858,4.28650302037,1.3156166492e-05,153.440198563,-0.00013678925093,15.4153269263 +0.3800000000000002,5.26716178934,37.767391036,0.0125657200952,4.28650302037,4.4608825145e-05,153.440198563,-0.000104990825304,15.4153269263 +0.38500000000000023,0.889900805818,37.767391036,0.0166922695136,4.28650302037,5.34329932638e-05,153.440198563,-8.62734355043e-05,15.4153269263 +0.39000000000000024,0.304090368719,37.767391036,0.0254915046914,4.28650302037,5.57381594146e-05,153.440198563,-7.40790823169e-05,15.4153269263 +0.39500000000000024,0.0573578413862,37.767391036,0.0561239913279,4.28650302037,5.41865304024e-05,153.440198563,-6.56105929421e-05,15.4153269263 +0.40000000000000024,0.693730232489,37.767391036,-0.246683611764,4.28650302037,4.84623702636e-05,153.440198563,-5.94757357043e-05,15.4153269263 +0.40500000000000025,0.164279761324,37.767391036,-0.0382846008641,4.28650302037,3.50507135296e-05,153.440198563,-5.49054663602e-05,15.4153269263 +0.41000000000000025,0.0999385766782,37.767391036,-0.0207791318521,4.28650302037,2.59158836574e-05,153.440198563,-5.14422667378e-05,15.4153269263 +0.41500000000000026,0.0698826288974,37.767391036,-0.0143215945081,4.28650302037,6.1613094492e-05,153.440198563,-4.87989196164e-05,15.4153269263 +0.42000000000000026,0.0518196747833,37.767391036,-0.0109904218024,4.28650302037,9.44605561698e-05,153.440198563,-4.67881738629e-05,15.4153269263 +0.42500000000000027,0.0396054744386,37.767391036,-0.00897650633767,4.28650302037,0.000132038605754,153.440198563,-4.52851213661e-05,15.4153269263 +0.43000000000000027,0.030669772508,37.767391036,-0.00764130095923,4.28650302037,0.000178513875608,153.440198563,-4.42059756702e-05,15.4153269263 +0.4350000000000003,0.0236836984137,37.767391036,-0.00670217276586,4.28650302037,0.000238905931645,153.440198563,-4.34956821917e-05,15.4153269263 +0.4400000000000003,0.0178336157332,37.767391036,-0.00601499611813,4.28650302037,0.000320699620659,153.440198563,-4.31206222862e-05,15.4153269263 +0.4450000000000003,0.0124729552851,37.767391036,-0.00549878952213,4.28650302037,0.000436162799237,153.440198563,-4.30644970741e-05,15.4153269263 +0.4500000000000003,0.0065709238374,37.767391036,-0.00510476779296,4.28650302037,0.000606930495375,153.440198563,-4.33264233714e-05,15.4153269263 +0.4550000000000003,0.00599985403089,37.767391036,-0.00480201464787,4.28650302037,0.000874311714594,153.440198563,-4.39208298679e-05,15.4153269263 +0.4600000000000003,0.00954601659704,37.767391036,-0.0045702320651,4.28650302037,0.00132544503602,153.440198563,-4.48791454024e-05,15.4153269263 +0.4650000000000003,0.0112455781012,37.767391036,-0.00439581577765,4.28650302037,0.00217082289174,153.440198563,-4.62536743346e-05,15.4153269263 +0.4700000000000003,0.0119359941745,37.767391036,-0.00426962454311,4.28650302037,0.0040312798916,153.440198563,-4.81246088084e-05,15.4153269263 +0.4750000000000003,0.0116562165228,37.767391036,-0.00418567497193,4.28650302037,0.00945788743967,153.440198563,-5.06120757773e-05,15.4153269263 +0.4800000000000003,0.00993698502416,37.767391036,-0.00414037944419,4.28650302037,0.0396906266945,153.440198563,-5.38969552789e-05,15.4153269263 +0.4850000000000003,0.00404605115942,37.767391036,-0.00413213174602,4.28650302037,154.150605696,153.440198563,-5.82581034752e-05,15.4153269263 +0.4900000000000003,0.00998731207677,37.767391036,-0.00416114504231,4.28650302037,0.034118947356,153.440198563,-6.41425967643e-05,15.4153269263 +0.49500000000000033,0.0128971436753,37.767391036,-0.00421966639005,4.28650302037,0.0125953353559,153.440198563,-6.81736548532e-05,15.4153269263 diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_3.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_3.csv new file mode 100644 index 0000000000..dcd2fd431f --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_3.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,0.697504916097,44.0357167442,0.000187067290355,4.26023895104,2.11276592754e-05,89.5779339625,-0.000285845842716,6.37493074725 +0.005,0.0937961442649,44.0357167442,-0.0107945042615,4.26023895104,3.92865465678e-05,89.5779339625,-0.000364488540017,6.37493074725 +0.01,0.0146841058889,44.0357167442,-9.71177503994e-05,4.26023895104,6.67856771506e-05,89.5779339625,-0.000443156077267,6.37493074725 +0.015,0.00506653565941,44.0357167442,-5.33732447477e-05,4.26023895104,8.62016576422e-05,89.5779339625,-0.000512069162707,6.37493074725 +0.02,0.00264912003481,44.0357167442,-3.93028795981e-05,4.26023895104,9.26173409153e-05,89.5779339625,-0.000570402317613,6.37493074725 +0.025,0.00168680153944,44.0357167442,-3.26829677854e-05,4.26023895104,8.30889723401e-05,89.5779339625,-0.000618795490168,6.37493074725 +0.030000000000000002,0.00120431279303,44.0357167442,-2.90367763534e-05,4.26023895104,4.79002520117e-05,89.5779339625,-0.000658842799678,6.37493074725 +0.035,0.000924973573352,44.0357167442,-2.68683093569e-05,4.26023895104,6.63160867215e-05,89.5779339625,-0.000692611654596,6.37493074725 +0.04,0.00074556549366,44.0357167442,-2.55379784572e-05,4.26023895104,0.000106803672211,89.5779339625,-0.00072232082436,6.37493074725 +0.045,0.000620054135386,44.0357167442,-2.47300438834e-05,4.26023895104,0.000127260851072,89.5779339625,-0.000750198057986,6.37493074725 +0.049999999999999996,0.000524915785644,44.0357167442,-2.42749694187e-05,4.26023895104,0.000126106445899,89.5779339625,-0.000778489952812,6.37493074725 +0.05499999999999999,0.000446506998059,44.0357167442,-2.40785835079e-05,4.26023895104,9.45463572758e-05,89.5779339625,-0.000809598180607,6.37493074725 +0.05999999999999999,0.000375594130202,44.0357167442,-2.40903563519e-05,4.26023895104,1.65922809e-05,89.5779339625,-0.000846347883827,6.37493074725 +0.06499999999999999,0.000304218800638,44.0357167442,-2.42883489049e-05,4.26023895104,0.000135747532565,89.5779339625,-0.000892453698131,6.37493074725 +0.06999999999999999,0.000221835612996,44.0357167442,-2.4672418092e-05,4.26023895104,0.000413231845106,89.5779339625,-0.000953366778074,6.37493074725 +0.075,9.2770565207e-05,44.0357167442,-2.52624422277e-05,4.26023895104,0.00091376853062,89.5779339625,-0.001037969938,6.37493074725 +0.08,0.000173172894743,44.0357167442,-2.61007254317e-05,4.26023895104,0.00184345477911,89.5779339625,-0.00116240376062,6.37493074725 +0.085,0.000255676889715,44.0357167442,-2.72594468592e-05,4.26023895104,0.00369298428297,89.5779339625,-0.00136012060659,6.37493074725 +0.09000000000000001,0.000305994644935,44.0357167442,-2.88562660331e-05,4.26023895104,0.00786265864931,89.5779339625,-0.00171461681719,6.37493074725 +0.09500000000000001,0.000326642852658,44.0357167442,-3.10857518336e-05,4.26023895104,0.0196849658811,89.5779339625,-0.00251090325498,6.37493074725 +0.10000000000000002,0.000299811467444,44.0357167442,-3.42857835574e-05,4.26023895104,0.072195401223,89.5779339625,-0.00577866461621,6.37493074725 +0.10500000000000002,0.000134961152106,44.0357167442,-3.90918580476e-05,4.26023895104,59.6980859328,89.5779339625,0.00984455394909,6.37493074725 +0.11000000000000003,0.000386021399898,44.0357167442,-4.68508068181e-05,4.26023895104,0.14193230949,89.5779339625,0.00228496629479,6.37493074725 +0.11500000000000003,0.000689017368324,44.0357167442,-6.09976586018e-05,4.26023895104,0.0323262493585,89.5779339625,0.00117371403423,6.37493074725 +0.12000000000000004,0.00102175449744,44.0357167442,-9.36654095125e-05,4.26023895104,0.0132653728221,89.5779339625,0.000729645787486,6.37493074725 +0.12500000000000003,0.0013483939446,44.0357167442,-0.000240809435488,4.26023895104,0.00662492545004,89.5779339625,0.000490726533187,6.37493074725 +0.13000000000000003,0.00225972652341,44.0357167442,0.000312906657587,4.26023895104,0.00353345960159,89.5779339625,0.00033995371488,6.37493074725 +0.13500000000000004,0.00276334008842,44.0357167442,8.79609596538e-05,4.26023895104,0.00186443481341,89.5779339625,0.000233288254922,6.37493074725 +0.14000000000000004,0.00357504670606,44.0357167442,4.91331111265e-05,4.26023895104,0.000897577524816,89.5779339625,0.000149619168864,6.37493074725 +0.14500000000000005,0.00465976804457,44.0357167442,3.31771549351e-05,4.26023895104,0.000330318804864,89.5779339625,7.64550608065e-05,6.37493074725 +0.15000000000000005,0.00614778533549,44.0357167442,2.45300381279e-05,4.26023895104,1.29353018048e-05,89.5779339625,4.40631399263e-06,6.37493074725 +0.15500000000000005,0.00831850845749,44.0357167442,1.90996554934e-05,4.26023895104,0.000139727800254,89.5779339625,-7.58221086535e-05,6.37493074725 +0.16000000000000006,0.0118115724806,44.0357167442,1.53305942382e-05,4.26023895104,0.000181860188277,89.5779339625,-0.000176144980024,6.37493074725 +0.16500000000000006,0.018375321213,44.0357167442,1.24932460113e-05,4.26023895104,0.000150837393926,89.5779339625,-0.000315173730856,6.37493074725 +0.17000000000000007,0.0345105680007,44.0357167442,1.01920437362e-05,4.26023895104,7.50239026571e-05,89.5779339625,-0.000526715755,6.37493074725 +0.17500000000000007,0.106536282721,44.0357167442,8.18702485921e-06,4.26023895104,1.45928717769e-05,89.5779339625,-0.000881888450068,6.37493074725 +0.18000000000000008,42.5050393615,44.0357167442,6.31817273867e-06,4.26023895104,6.56593858581e-05,89.5779339625,-0.00156222652767,6.37493074725 +0.18500000000000008,0.0649333036591,44.0357167442,4.46936234261e-06,4.26023895104,0.000496398707045,89.5779339625,-0.00321143489458,6.37493074725 +0.19000000000000009,0.00826148646792,44.0357167442,2.54933415573e-06,4.26023895104,0.00261240983115,89.5779339625,-0.0109964997649,6.37493074725 +0.1950000000000001,0.000626779082105,44.0357167442,4.80492674955e-07,4.26023895104,0.0050883390726,89.5779339625,0.0177953503839,6.37493074725 +0.2000000000000001,0.00119382519224,44.0357167442,-1.80867751303e-06,4.26023895104,0.00192045995026,89.5779339625,0.00651698961225,6.37493074725 +0.2050000000000001,0.00165109291848,44.0357167442,-4.38977505641e-06,4.26023895104,0.00116369666109,89.5779339625,0.00460286823153,6.37493074725 +0.2100000000000001,0.00168763904999,44.0357167442,-7.34063222456e-06,4.26023895104,0.000334337764555,89.5779339625,0.00385576098808,6.37493074725 +0.2150000000000001,0.0015783384851,44.0357167442,-1.07526691661e-05,4.26023895104,0.00103512244089,89.5779339625,0.00347146350879,6.37493074725 +0.2200000000000001,0.001418432001,44.0357167442,-1.47408934766e-05,4.26023895104,0.00157196745902,89.5779339625,0.0032342436858,6.37493074725 +0.22500000000000012,0.00124384440593,44.0357167442,-1.94586942711e-05,4.26023895104,0.00206145450576,89.5779339625,0.00306143899918,6.37493074725 +0.23000000000000012,0.00106802325323,44.0357167442,-2.51211187804e-05,4.26023895104,0.00256464516031,89.5779339625,0.00291624283213,6.37493074725 +0.23500000000000013,0.000894848382723,44.0357167442,-3.20435749503e-05,4.26023895104,0.00311554115278,89.5779339625,0.00278230231857,6.37493074725 +0.24000000000000013,0.000723278600185,44.0357167442,-4.07100742261e-05,4.26023895104,0.00375191397058,89.5779339625,0.00265371902434,6.37493074725 +0.24500000000000013,0.00054800403086,44.0357167442,-5.19020566123e-05,4.26023895104,0.00452998537195,89.5779339625,0.00252998198122,6.37493074725 +0.2500000000000001,0.0003537970648,44.0357167442,-6.69627130596e-05,4.26023895104,0.0055431846461,89.5779339625,0.00241301574614,6.37493074725 +0.2550000000000001,8.68407622395e-05,44.0357167442,-8.840025254e-05,4.26023895104,0.00695954936342,89.5779339625,0.00230547016147,6.37493074725 +0.2600000000000001,0.000316952656444,44.0357167442,-0.000121477670975,4.26023895104,0.00911184615088,89.5779339625,0.00220985266387,6.37493074725 +0.2650000000000001,0.000390433716055,44.0357167442,-0.000179380133502,4.26023895104,0.0127519961552,89.5779339625,0.00212821322694,6.37493074725 +0.27000000000000013,0.000393465128533,44.0357167442,-0.000306996636892,4.26023895104,0.0199385942529,89.5779339625,0.00206215097769,6.37493074725 +0.27500000000000013,0.000259823603625,44.0357167442,-0.00081908905086,4.26023895104,0.0383712317313,89.5779339625,0.00201298017563,6.37493074725 +0.28000000000000014,0.000775077762552,44.0357167442,0.00173456837424,4.26023895104,0.122616509773,89.5779339625,0.00198196146425,6.37493074725 +0.28500000000000014,0.00023764621841,44.0357167442,0.000462059034537,4.26023895104,19.700138365,89.5779339625,0.00197055879032,6.37493074725 +0.29000000000000015,0.000493550598071,44.0357167442,0.00028067956066,4.26023895104,0.112162774452,89.5779339625,0.00198072105478,6.37493074725 +0.29500000000000015,0.000822464916217,44.0357167442,0.000208933559662,4.26023895104,0.0192211930105,89.5779339625,0.00201521644409,6.37493074725 +0.30000000000000016,0.00116169892401,44.0357167442,0.000171118821449,4.26023895104,0.0053257961665,89.5779339625,0.00207807654646,6.37493074725 +0.30500000000000016,0.00155629676066,44.0357167442,0.000148324911653,4.26023895104,0.00117886244913,89.5779339625,0.00217525091048,6.37493074725 +0.31000000000000016,0.0020436250356,44.0357167442,0.000133611868893,4.26023895104,0.000489612659742,89.5779339625,0.00231565489266,6.37493074725 +0.31500000000000017,0.00267369945956,44.0357167442,0.000123857659431,4.26023895104,0.00130280875937,89.5779339625,0.00251296636026,6.37493074725 +0.3200000000000002,0.00352482565735,44.0357167442,0.000117477508466,4.26023895104,0.00177496195624,89.5779339625,0.00278891875703,6.37493074725 +0.3250000000000002,0.00473050748682,44.0357167442,0.000113612883448,4.26023895104,0.0021113675454,89.5779339625,0.00317980679092,6.37493074725 +0.3300000000000002,0.00653681064575,44.0357167442,0.000111796354109,4.26023895104,0.00241562198867,89.5779339625,0.00375058898393,6.37493074725 +0.3350000000000002,0.00944099419118,44.0357167442,0.000111800971938,4.26023895104,0.00276359005011,89.5779339625,0.00462944472829,6.37493074725 +0.3400000000000002,0.0145776170637,44.0357167442,0.000113573416926,4.26023895104,0.00325296345912,89.5779339625,0.00610842452499,6.37493074725 +0.3450000000000002,0.0250252601294,44.0357167442,0.000117213412398,4.26023895104,0.00410752911143,89.5779339625,0.00902663680069,6.37493074725 +0.3500000000000002,0.0517716847166,44.0357167442,0.000122987924362,4.26023895104,0.00626092857003,89.5779339625,0.0171745788181,6.37493074725 +0.3550000000000002,0.160901321584,44.0357167442,0.000131384453022,4.26023895104,0.0367857434348,89.5779339625,0.144573548471,6.37493074725 +0.3600000000000002,2.71000601085,44.0357167442,0.000143225879407,4.26023895104,0.00166587610837,89.5779339625,-0.0235836339062,6.37493074725 +0.3650000000000002,0.621168188205,44.0357167442,0.000159904569424,4.26023895104,0.00236685788718,89.5779339625,-0.0112173400401,6.37493074725 +0.3700000000000002,0.101184406539,44.0357167442,0.00018388215854,4.26023895104,0.0021544142614,89.5779339625,-0.00752485588267,6.37493074725 +0.3750000000000002,0.0395445157335,44.0357167442,0.000219865709778,4.26023895104,0.00187023013084,89.5779339625,-0.00576836367287,6.37493074725 +0.3800000000000002,0.020731027085,44.0357167442,0.000278016443716,4.26023895104,0.00158224125788,89.5779339625,-0.00475289220685,6.37493074725 +0.38500000000000023,0.0124940531692,44.0357167442,0.000384919001233,4.26023895104,0.00125940365609,89.5779339625,-0.0040989157843,6.37493074725 +0.39000000000000024,0.00792622026028,44.0357167442,0.000638946067439,4.26023895104,0.000805222891586,89.5779339625,-0.00364823941549,6.37493074725 +0.39500000000000024,0.00367028294534,44.0357167442,0.00195379613823,4.26023895104,0.000642488192155,89.5779339625,-0.00332327129511,6.37493074725 +0.40000000000000024,0.00713198135694,44.0357167442,-0.00182237742406,4.26023895104,0.00131297211674,89.5779339625,-0.0030815746583,6.37493074725 +0.40500000000000025,0.00442217183681,44.0357167442,-0.000623365837177,4.26023895104,0.00186121660434,89.5779339625,-0.00289807337854,6.37493074725 +0.41000000000000025,0.00329145086517,44.0357167442,-0.000378356824786,4.26023895104,0.00243197347686,89.5779339625,-0.00275709110425,6.37493074725 +0.41500000000000026,0.0025350029359,44.0357167442,-0.000273627629424,4.26023895104,0.00309011646196,89.5779339625,-0.00264842209179,6.37493074725 +0.42000000000000026,0.00195762487678,44.0357167442,-0.000216008032518,4.26023895104,0.00390088290922,89.5779339625,-0.0025652410408,6.37493074725 +0.42500000000000027,0.00147553942647,44.0357167442,-0.000179884151406,4.26023895104,0.00495392742002,89.5779339625,-0.00250292540711,6.37493074725 +0.43000000000000027,0.00102970485609,44.0357167442,-0.000155370097544,4.26023895104,0.00639142693966,89.5779339625,-0.00245836338218,6.37493074725 +0.4350000000000003,0.000524377325876,44.0357167442,-0.000137847260035,4.26023895104,0.00846098113898,89.5779339625,-0.00242953730591,6.37493074725 +0.4400000000000003,0.000538920206172,44.0357167442,-0.000124872895722,4.26023895104,0.0116341321439,89.5779339625,-0.00241527384152,6.37493074725 +0.4450000000000003,0.00083332836303,44.0357167442,-0.000115037905335,4.26023895104,0.0169104377955,89.5779339625,-0.00241510351775,6.37493074725 +0.4500000000000003,0.000979990307551,44.0357167442,-0.000107476524761,4.26023895104,0.0267384670864,89.5779339625,-0.00242920045163,6.37493074725 +0.4550000000000003,0.00104034092623,44.0357167442,-0.000101631778891,4.26023895104,0.0485577816502,89.5779339625,-0.00245839075619,6.37493074725 +0.4600000000000003,0.00101105932075,44.0357167442,-9.7133762618e-05,4.26023895104,0.115008653783,89.5779339625,-0.00250423197698,6.37493074725 +0.4650000000000003,0.000835758543549,44.0357167442,-9.37324469875e-05,4.26023895104,0.558814625608,89.5779339625,-0.00256918057227,6.37493074725 +0.4700000000000003,0.000197511945031,44.0357167442,-9.12588907404e-05,4.26023895104,10.5622659818,89.5779339625,-0.0026568850777,6.37493074725 +0.4750000000000003,0.00120658782902,44.0357167442,-8.96022798672e-05,4.26023895104,0.248409416677,89.5779339625,-0.00277267748798,6.37493074725 +0.4800000000000003,0.00200560785636,44.0357167442,-8.86964203642e-05,4.26023895104,0.0696616165828,89.5779339625,-0.00292440131514,6.37493074725 +0.4850000000000003,0.00293042744372,44.0357167442,-8.85123865531e-05,4.26023895104,0.030694566771,89.5779339625,-0.00312384969114,6.37493074725 +0.4900000000000003,0.00351792539219,44.0357167442,-8.90557076899e-05,4.26023895104,0.0142117199018,89.5779339625,-0.00338938462777,6.37493074725 +0.49500000000000033,0.00355039112854,44.0357167442,-9.06229094189e-05,4.26023895104,0.00873543121424,89.5779339625,-0.00358403899994,6.37493074725 From e66bf773b623a6b21dce1a38c27493db2155c3ca Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 11:05:37 -0700 Subject: [PATCH 55/77] Delete pp2_print_0.csv Added wrong csv file --- .../Validation/gold/DSS/pp2_print_0.csv | 101 ------------------ 1 file changed, 101 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_0.csv diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_0.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_0.csv deleted file mode 100644 index d8961a1fa9..0000000000 --- a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_0.csv +++ /dev/null @@ -1,101 +0,0 @@ -pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation -0.0,0.0756901816043,24.887493332,-0.000351283270388,2.59700011532,0.0356012101676,53.1999350236,0.206070488345,4.78635605162 -0.005,0.0510745233206,24.887493332,-0.000385934668242,2.59700011532,0.0448169166406,53.1999350236,0.210768607572,4.78635605162 -0.01,0.0256194405153,24.887493332,-0.000406159113474,2.59700011532,0.052224344465,53.1999350236,0.204272609211,4.78635605162 -0.015,0.0150024229693,24.887493332,-0.000421393172979,2.59700011532,0.0516883771607,53.1999350236,0.20010519813,4.78635605162 -0.02,0.010257283552,24.887493332,-0.000432783299084,2.59700011532,0.0451798791812,53.1999350236,0.197573824791,4.78635605162 -0.025,0.00769231680981,24.887493332,-0.000441348962559,2.59700011532,0.0284060742231,53.1999350236,0.196261897457,4.78635605162 -0.030000000000000002,0.00612549904352,24.887493332,-0.000447943830224,2.59700011532,0.0336672365961,53.1999350236,0.195926608029,4.78635605162 -0.035,0.00507743437159,24.887493332,-0.000453262151306,2.59700011532,0.0629855379733,53.1999350236,0.196444243236,4.78635605162 -0.04,0.00431968056602,24.887493332,-0.000457866493304,2.59700011532,0.0894619720643,53.1999350236,0.19778161272,4.78635605162 -0.045,0.00372831979973,24.887493332,-0.000462222758356,2.59700011532,0.1172518338,53.1999350236,0.199984022056,4.78635605162 -0.049999999999999996,0.00322683934388,24.887493332,-0.000466735814408,2.59700011532,0.148479034567,53.1999350236,0.203176148606,4.78635605162 -0.05499999999999999,0.00275944130293,24.887493332,-0.000471783762648,2.59700011532,0.185378812568,53.1999350236,0.207576121419,4.78635605162 -0.05999999999999999,0.00227360608449,24.887493332,-0.00047775165284,2.59700011532,0.231060029877,53.1999350236,0.213527199795,4.78635605162 -0.06499999999999999,0.00169433633486,24.887493332,-0.000485067311788,2.59700011532,0.290431280096,53.1999350236,0.221557909815,4.78635605162 -0.06999999999999999,0.000772991562933,24.887493332,-0.000494243726694,2.59700011532,0.371943441596,53.1999350236,0.232494548059,4.78635605162 -0.075,0.00130283362855,24.887493332,-0.000505935007915,2.59700011532,0.491460016819,53.1999350236,0.24768026844,4.78635605162 -0.08,0.00199187521109,24.887493332,-0.000521017617242,2.59700011532,0.682094146904,53.1999350236,0.269434057245,4.78635605162 -0.085,0.00245409022898,24.887493332,-0.000540717719677,2.59700011532,1.02380596657,53.1999350236,0.302118525415,4.78635605162 -0.09000000000000001,0.00272598009733,24.887493332,-0.000566824621632,2.59700011532,1.75751674307,53.1999350236,0.355020324828,4.78635605162 -0.09500000000000001,0.00271172120559,24.887493332,-0.000602072646113,2.59700011532,3.96065102521,53.1999350236,0.452043262233,4.78635605162 -0.10000000000000002,0.0020653563727,24.887493332,-0.000650875572106,2.59700011532,22.063705504,53.1999350236,0.679238712152,4.78635605162 -0.10500000000000002,0.00211813443079,24.887493332,-0.000720868007637,2.59700011532,32.5016834277,53.1999350236,1.76335102388,4.78635605162 -0.11000000000000003,0.00483476705374,24.887493332,-0.000826525967792,2.59700011532,-13.8684083592,53.1999350236,-1.84767843252,4.78635605162 -0.11500000000000003,0.00772383018827,24.887493332,-0.000999095540335,2.59700011532,-2.46453702091,53.1999350236,-0.525372763748,4.78635605162 -0.12000000000000004,0.0111468044228,24.887493332,-0.00132091190976,2.59700011532,-0.944134639777,53.1999350236,-0.278401055973,4.78635605162 -0.12500000000000003,0.0151108859396,24.887493332,-0.00210251007708,2.59700011532,-0.459372384566,53.1999350236,-0.174801950313,4.78635605162 -0.13000000000000003,0.0171343953503,24.887493332,-0.00646411039937,2.59700011532,-0.248870152479,53.1999350236,-0.117764017075,4.78635605162 -0.13500000000000004,0.0350652053287,24.887493332,0.00483896441515,2.59700011532,-0.140697849216,53.1999350236,-0.0811959709455,4.78635605162 -0.14000000000000004,0.0423716405627,24.887493332,0.00164348920338,2.59700011532,-0.0787121176144,53.1999350236,-0.054939356815,4.78635605162 -0.14500000000000005,0.0556065274189,24.887493332,0.000952164683723,2.59700011532,-0.0402717597698,53.1999350236,-0.0339839519099,4.78635605162 -0.15000000000000005,0.0750741244315,24.887493332,0.000652717338428,2.59700011532,-0.0148647829393,53.1999350236,-0.0152581605846,4.78635605162 -0.15500000000000005,0.105121364985,24.887493332,0.000486276138869,2.59700011532,0.00289817867961,53.1999350236,0.00366434837427,4.78635605162 -0.16000000000000006,0.156661888365,24.887493332,0.000380003627249,2.59700011532,0.0159186133438,53.1999350236,0.0253281189163,4.78635605162 -0.16500000000000006,0.262367592272,24.887493332,0.00030521417449,2.59700011532,0.025571042223,53.1999350236,0.0531682521213,4.78635605162 -0.17000000000000007,0.564364908709,24.887493332,0.000248127467158,2.59700011532,0.0315872784201,53.1999350236,0.0927821259941,4.78635605162 -0.17500000000000007,2.5959579167,24.887493332,0.000201130085144,2.59700011532,0.0292029206784,53.1999350236,0.154754141223,4.78635605162 -0.18000000000000008,-16.475446849,24.887493332,0.000159525889875,2.59700011532,0.0358911787049,53.1999350236,0.262490035739,4.78635605162 -0.18500000000000008,-0.511783036992,24.887493332,0.000120133768726,2.59700011532,0.110684484186,53.1999350236,0.480628409477,4.78635605162 -0.19000000000000009,-0.10082323864,24.887493332,8.06091792099e-05,2.59700011532,0.287502181726,53.1999350236,1.07825811416,4.78635605162 -0.1950000000000001,-0.0217616071722,24.887493332,3.90793631522e-05,2.59700011532,1.76278846025,53.1999350236,6.44341026385,4.78635605162 -0.2000000000000001,0.0018057589186,24.887493332,-6.0783411812e-06,2.59700011532,-0.708546763109,53.1999350236,-2.77999234179,4.78635605162 -0.2050000000000001,0.00986119174713,24.887493332,-5.6395309412e-05,2.59700011532,-0.288768517405,53.1999350236,-1.4250988599,4.78635605162 -0.2100000000000001,0.0123886048682,24.887493332,-0.000113451921497,2.59700011532,-0.0453883904931,53.1999350236,-1.07480405018,4.78635605162 -0.2150000000000001,0.0126672479613,24.887493332,-0.000179031059276,2.59700011532,-0.216098228243,53.1999350236,-0.918928673398,4.78635605162 -0.2200000000000001,0.0119639992296,24.887493332,-0.000255316700686,2.59700011532,-0.303782296424,53.1999350236,-0.829882029715,4.78635605162 -0.22500000000000012,0.0108188848603,24.887493332,-0.000345181037066,2.59700011532,-0.376540448411,53.1999350236,-0.768590246102,4.78635605162 -0.23000000000000012,0.00947298486221,24.887493332,-0.000452632098144,2.59700011532,-0.444674685389,53.1999350236,-0.719533354007,4.78635605162 -0.23500000000000013,0.0080303460657,24.887493332,-0.000583556378394,2.59700011532,-0.511709354218,53.1999350236,-0.676086138182,4.78635605162 -0.24000000000000013,0.00652220624591,24.887493332,-0.00074703080616,2.59700011532,-0.580320553624,53.1999350236,-0.635687041334,4.78635605162 -0.24500000000000013,0.00492318860659,24.887493332,-0.000957812458771,2.59700011532,-0.65402690633,53.1999350236,-0.597721930261,4.78635605162 -0.2500000000000001,0.00309611593474,24.887493332,-0.00124149111194,2.59700011532,-0.738159324039,53.1999350236,-0.562420286285,4.78635605162 -0.2550000000000001,0.00120852123153,24.887493332,-0.00164639842495,2.59700011532,-0.841123459156,53.1999350236,-0.530264983882,4.78635605162 -0.2600000000000001,0.00296770830518,24.887493332,-0.00227557552413,2.59700011532,-0.976992971635,53.1999350236,-0.501711546802,4.78635605162 -0.2650000000000001,0.00346446876209,24.887493332,-0.00339370868859,2.59700011532,-1.17176767092,53.1999350236,-0.477092298472,4.78635605162 -0.27000000000000013,0.00311165177851,24.887493332,-0.0059459529095,2.59700011532,-1.48075094168,53.1999350236,-0.456618664681,4.78635605162 -0.27500000000000013,5.81181297004e-05,24.887493332,-0.017658799066,2.59700011532,-2.04846257485,53.1999350236,-0.440426219434,4.78635605162 -0.28000000000000014,0.00944333510943,24.887493332,0.023614750085,2.59700011532,-3.40557789309,53.1999350236,-0.428632720771,4.78635605162 -0.28500000000000014,0.00340829970713,24.887493332,0.00767066056605,2.59700011532,-3.11284671985,53.1999350236,-0.421397253632,4.78635605162 -0.29000000000000015,0.00465662583969,24.887493332,0.00479547193423,2.59700011532,-7.3226845792,53.1999350236,-0.418979551034,4.78635605162 -0.29500000000000015,0.00803485316173,24.887493332,0.00360288615197,2.59700011532,-2.89900743487,53.1999350236,-0.421805251145,4.78635605162 -0.30000000000000016,0.011317208785,24.887493332,0.00295953304001,2.59700011532,-1.81265725321,53.1999350236,-0.430548255252,4.78635605162 -0.30500000000000016,0.0150342971053,24.887493332,0.00256543644154,2.59700011532,-1.33509443051,53.1999350236,-0.446248610867,4.78635605162 -0.31000000000000016,0.0195367803603,24.887493332,0.00230729950188,2.59700011532,-1.07524607458,53.1999350236,-0.470497775671,4.78635605162 -0.31500000000000017,0.0252566844823,24.887493332,0.00213320374467,2.59700011532,-0.919444803615,53.1999350236,-0.505751070035,4.78635605162 -0.3200000000000002,0.0328467262745,24.887493332,0.00201640022284,2.59700011532,-0.823327239499,53.1999350236,-0.555889367891,4.78635605162 -0.3250000000000002,0.0433920010407,24.887493332,0.0019421605681,2.59700011532,-0.767055057191,53.1999350236,-0.627301579015,4.78635605162 -0.3300000000000002,0.0588411035857,24.887493332,0.00190225207722,2.59700011532,-0.742100920444,53.1999350236,-0.731155591538,4.78635605162 -0.3350000000000002,0.0830086530868,24.887493332,0.00189240571623,2.59700011532,-0.747384467914,53.1999350236,-0.888719562089,4.78635605162 -0.3400000000000002,0.12423731265,24.887493332,0.00191114377949,2.59700011532,-0.790619061756,53.1999350236,-1.14588760045,4.78635605162 -0.3450000000000002,0.203820698837,24.887493332,0.00195933974328,2.59700011532,-0.899404931831,53.1999350236,-1.62299653837,4.78635605162 -0.3500000000000002,0.390562922342,24.887493332,0.00204028979904,2.59700011532,-1.18152944757,53.1999350236,-2.76799848929,4.78635605162 -0.3550000000000002,1.02223133173,24.887493332,0.00216030007533,2.59700011532,-2.64941999732,53.1999350236,-8.84234636717,4.78635605162 -0.3600000000000002,6.9577971122,24.887493332,0.00233000990751,2.59700011532,1.20022386476,53.1999350236,8.04846171823,4.78635605162 -0.3650000000000002,-18.536899259,24.887493332,0.00256703619018,2.59700011532,0.458741195621,53.1999350236,2.87699372783,4.78635605162 -0.3700000000000002,-1.39066604189,24.887493332,0.0029013579004,2.59700011532,0.428452490342,53.1999350236,1.80260103173,4.78635605162 -0.3750000000000002,-0.461207455208,24.887493332,0.00338712026367,2.59700011532,0.362958187378,53.1999350236,1.34317089246,4.78635605162 -0.3800000000000002,-0.223731187001,24.887493332,0.00413170682114,2.59700011532,0.301055452763,53.1999350236,1.09124468109,4.78635605162 -0.38500000000000023,-0.128229841417,24.887493332,0.00538073173552,2.59700011532,0.240107113086,53.1999350236,0.93409620892,4.78635605162 -0.39000000000000024,-0.0784920119467,24.887493332,0.00784320725238,2.59700011532,0.170645997776,53.1999350236,0.828064963517,4.78635605162 -0.39500000000000024,-0.0431611488023,24.887493332,0.0147525608011,2.59700011532,0.0479569348817,53.1999350236,0.752702627484,4.78635605162 -0.40000000000000024,0.125171738448,24.887493332,0.133635902199,2.59700011532,0.157958083139,53.1999350236,0.697173708623,4.78635605162 -0.40500000000000025,-0.0584942984204,24.887493332,-0.0189855321451,2.59700011532,0.233609668151,53.1999350236,0.655219001313,4.78635605162 -0.41000000000000025,-0.037702725343,24.887493332,-0.00892863564252,2.59700011532,0.297743334418,53.1999350236,0.622989555054,4.78635605162 -0.41500000000000026,-0.027827106942,24.887493332,-0.00588638133755,2.59700011532,0.360227788464,53.1999350236,0.598008455715,4.78635605162 -0.42000000000000026,-0.0211987160476,24.887493332,-0.00442910916332,2.59700011532,0.42599152393,53.1999350236,0.57863048966,4.78635605162 -0.42500000000000027,-0.0160802276811,24.887493332,-0.00358152181559,2.59700011532,0.499061371088,53.1999350236,0.563742368813,4.78635605162 -0.43000000000000027,-0.0116739791922,24.887493332,-0.00303237055096,2.59700011532,0.583905567893,53.1999350236,0.552588046692,4.78635605162 -0.4350000000000003,-0.00728500366889,24.887493332,-0.00265158641512,2.59700011532,0.686486121185,53.1999350236,0.544663350089,4.78635605162 -0.4400000000000003,-0.00243291347265,24.887493332,-0.00237526997039,2.59700011532,0.815737263059,53.1999350236,0.539651413346,4.78635605162 -0.4450000000000003,-0.00696198428924,24.887493332,-0.00216842991751,2.59700011532,0.986299442514,53.1999350236,0.537383772652,4.78635605162 -0.4500000000000003,-0.00884851819847,24.887493332,-0.00201036354406,2.59700011532,1.22437969711,53.1999350236,0.537819018778,4.78635605162 -0.4550000000000003,-0.00981004369416,24.887493332,-0.00188810713602,2.59700011532,1.58201216785,53.1999350236,0.541034965552,4.78635605162 -0.4600000000000003,-0.0100218150295,24.887493332,-0.00179320090124,2.59700011532,2.17654305476,53.1999350236,0.547232998658,4.78635605162 -0.4650000000000003,-0.00925982419887,24.887493332,-0.0017199680688,2.59700011532,3.29135191908,53.1999350236,0.556755557551,4.78635605162 -0.4700000000000003,-0.00649167144982,24.887493332,-0.00166454644856,2.59700011532,-0.343367636509,53.1999350236,0.570120302197,4.78635605162 -0.4750000000000003,-0.00695375377574,24.887493332,-0.00162432127992,2.59700011532,18.3891004778,53.1999350236,0.588078304694,4.78635605162 -0.4800000000000003,-0.0147497845514,24.887493332,-0.00159758644143,2.59700011532,5.42949840841,53.1999350236,0.611710070066,4.78635605162 -0.4850000000000003,-0.0228537785489,24.887493332,-0.0015833449369,2.59700011532,3.20885144676,53.1999350236,0.642585338604,4.78635605162 -0.4900000000000003,-0.0280619238181,24.887493332,-0.00158120223415,2.59700011532,2.04560508739,53.1999350236,0.683037188758,4.78635605162 -0.49500000000000033,-0.0287684290134,24.887493332,-0.00160677194296,2.59700011532,1.49764431607,53.1999350236,0.715994577108,4.78635605162 From 5cde139b69b08e74bfa2a504a6d7e2174a814501 Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 11:06:06 -0700 Subject: [PATCH 56/77] Add files via upload Adding correct csv file --- .../Validation/gold/DSS/pp2_print_0.csv | 101 ++++++++++++++++++ 1 file changed, 101 insertions(+) create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_0.csv diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_0.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_0.csv new file mode 100644 index 0000000000..72a82bbe51 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_0.csv @@ -0,0 +1,101 @@ +pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation +0.0,0.0756901816043,24.887493332,-0.000351283270388,2.59700011532,0.0356012101676,53.1999350236,0.206070488345,4.78635605162 +0.005,0.0510745233206,24.887493332,-0.000385934668242,2.59700011532,0.0448169166406,53.1999350236,0.210768607572,4.78635605162 +0.01,0.0256194405153,24.887493332,-0.000406159113474,2.59700011532,0.052224344465,53.1999350236,0.204272609211,4.78635605162 +0.015,0.0150024229693,24.887493332,-0.000421393172979,2.59700011532,0.0516883771607,53.1999350236,0.20010519813,4.78635605162 +0.02,0.010257283552,24.887493332,-0.000432783299084,2.59700011532,0.0451798791812,53.1999350236,0.197573824791,4.78635605162 +0.025,0.00769231680981,24.887493332,-0.000441348962559,2.59700011532,0.0284060742231,53.1999350236,0.196261897457,4.78635605162 +0.030000000000000002,0.00612549904352,24.887493332,-0.000447943830224,2.59700011532,0.0336672365961,53.1999350236,0.195926608029,4.78635605162 +0.035,0.00507743437159,24.887493332,-0.000453262151306,2.59700011532,0.0629855379733,53.1999350236,0.196444243236,4.78635605162 +0.04,0.00431968056602,24.887493332,-0.000457866493304,2.59700011532,0.0894619720643,53.1999350236,0.19778161272,4.78635605162 +0.045,0.00372831979973,24.887493332,-0.000462222758356,2.59700011532,0.1172518338,53.1999350236,0.199984022056,4.78635605162 +0.049999999999999996,0.00322683934388,24.887493332,-0.000466735814408,2.59700011532,0.148479034567,53.1999350236,0.203176148606,4.78635605162 +0.05499999999999999,0.00275944130293,24.887493332,-0.000471783762648,2.59700011532,0.185378812568,53.1999350236,0.207576121419,4.78635605162 +0.05999999999999999,0.00227360608449,24.887493332,-0.00047775165284,2.59700011532,0.231060029877,53.1999350236,0.213527199795,4.78635605162 +0.06499999999999999,0.00169433633486,24.887493332,-0.000485067311788,2.59700011532,0.290431280096,53.1999350236,0.221557909815,4.78635605162 +0.06999999999999999,0.000772991562933,24.887493332,-0.000494243726694,2.59700011532,0.371943441596,53.1999350236,0.232494548059,4.78635605162 +0.075,0.00130283362855,24.887493332,-0.000505935007915,2.59700011532,0.491460016819,53.1999350236,0.24768026844,4.78635605162 +0.08,0.00199187521109,24.887493332,-0.000521017617242,2.59700011532,0.682094146904,53.1999350236,0.269434057245,4.78635605162 +0.085,0.00245409022898,24.887493332,-0.000540717719677,2.59700011532,1.02380596657,53.1999350236,0.302118525415,4.78635605162 +0.09000000000000001,0.00272598009733,24.887493332,-0.000566824621632,2.59700011532,1.75751674307,53.1999350236,0.355020324828,4.78635605162 +0.09500000000000001,0.00271172120559,24.887493332,-0.000602072646113,2.59700011532,3.96065102521,53.1999350236,0.452043262233,4.78635605162 +0.10000000000000002,0.0020653563727,24.887493332,-0.000650875572106,2.59700011532,22.063705504,53.1999350236,0.679238712152,4.78635605162 +0.10500000000000002,0.00211813443079,24.887493332,-0.000720868007637,2.59700011532,32.5016834277,53.1999350236,1.76335102388,4.78635605162 +0.11000000000000003,0.00483476705374,24.887493332,-0.000826525967792,2.59700011532,13.8684083592,53.1999350236,-1.84767843252,4.78635605162 +0.11500000000000003,0.00772383018827,24.887493332,-0.000999095540335,2.59700011532,2.46453702091,53.1999350236,-0.525372763748,4.78635605162 +0.12000000000000004,0.0111468044228,24.887493332,-0.00132091190976,2.59700011532,0.944134639777,53.1999350236,-0.278401055973,4.78635605162 +0.12500000000000003,0.0151108859396,24.887493332,-0.00210251007708,2.59700011532,0.459372384566,53.1999350236,-0.174801950313,4.78635605162 +0.13000000000000003,0.0171343953503,24.887493332,-0.00646411039937,2.59700011532,0.248870152479,53.1999350236,-0.117764017075,4.78635605162 +0.13500000000000004,0.0350652053287,24.887493332,0.00483896441515,2.59700011532,0.140697849216,53.1999350236,-0.0811959709455,4.78635605162 +0.14000000000000004,0.0423716405627,24.887493332,0.00164348920338,2.59700011532,0.0787121176144,53.1999350236,-0.054939356815,4.78635605162 +0.14500000000000005,0.0556065274189,24.887493332,0.000952164683723,2.59700011532,0.0402717597698,53.1999350236,-0.0339839519099,4.78635605162 +0.15000000000000005,0.0750741244315,24.887493332,0.000652717338428,2.59700011532,0.0148647829393,53.1999350236,-0.0152581605846,4.78635605162 +0.15500000000000005,0.105121364985,24.887493332,0.000486276138869,2.59700011532,0.00289817867961,53.1999350236,0.00366434837427,4.78635605162 +0.16000000000000006,0.156661888365,24.887493332,0.000380003627249,2.59700011532,0.0159186133438,53.1999350236,0.0253281189163,4.78635605162 +0.16500000000000006,0.262367592272,24.887493332,0.00030521417449,2.59700011532,0.025571042223,53.1999350236,0.0531682521213,4.78635605162 +0.17000000000000007,0.564364908709,24.887493332,0.000248127467158,2.59700011532,0.0315872784201,53.1999350236,0.0927821259941,4.78635605162 +0.17500000000000007,2.5959579167,24.887493332,0.000201130085144,2.59700011532,0.0292029206784,53.1999350236,0.154754141223,4.78635605162 +0.18000000000000008,16.475446849,24.887493332,0.000159525889875,2.59700011532,0.0358911787049,53.1999350236,0.262490035739,4.78635605162 +0.18500000000000008,0.511783036992,24.887493332,0.000120133768726,2.59700011532,0.110684484186,53.1999350236,0.480628409477,4.78635605162 +0.19000000000000009,0.10082323864,24.887493332,8.06091792099e-05,2.59700011532,0.287502181726,53.1999350236,1.07825811416,4.78635605162 +0.1950000000000001,0.0217616071722,24.887493332,3.90793631522e-05,2.59700011532,1.76278846025,53.1999350236,6.44341026385,4.78635605162 +0.2000000000000001,0.0018057589186,24.887493332,-6.0783411812e-06,2.59700011532,0.708546763109,53.1999350236,-2.77999234179,4.78635605162 +0.2050000000000001,0.00986119174713,24.887493332,-5.6395309412e-05,2.59700011532,0.288768517405,53.1999350236,-1.4250988599,4.78635605162 +0.2100000000000001,0.0123886048682,24.887493332,-0.000113451921497,2.59700011532,0.0453883904931,53.1999350236,-1.07480405018,4.78635605162 +0.2150000000000001,0.0126672479613,24.887493332,-0.000179031059276,2.59700011532,0.216098228243,53.1999350236,-0.918928673398,4.78635605162 +0.2200000000000001,0.0119639992296,24.887493332,-0.000255316700686,2.59700011532,0.303782296424,53.1999350236,-0.829882029715,4.78635605162 +0.22500000000000012,0.0108188848603,24.887493332,-0.000345181037066,2.59700011532,0.376540448411,53.1999350236,-0.768590246102,4.78635605162 +0.23000000000000012,0.00947298486221,24.887493332,-0.000452632098144,2.59700011532,0.444674685389,53.1999350236,-0.719533354007,4.78635605162 +0.23500000000000013,0.0080303460657,24.887493332,-0.000583556378394,2.59700011532,0.511709354218,53.1999350236,-0.676086138182,4.78635605162 +0.24000000000000013,0.00652220624591,24.887493332,-0.00074703080616,2.59700011532,0.580320553624,53.1999350236,-0.635687041334,4.78635605162 +0.24500000000000013,0.00492318860659,24.887493332,-0.000957812458771,2.59700011532,0.65402690633,53.1999350236,-0.597721930261,4.78635605162 +0.2500000000000001,0.00309611593474,24.887493332,-0.00124149111194,2.59700011532,0.738159324039,53.1999350236,-0.562420286285,4.78635605162 +0.2550000000000001,0.00120852123153,24.887493332,-0.00164639842495,2.59700011532,0.841123459156,53.1999350236,-0.530264983882,4.78635605162 +0.2600000000000001,0.00296770830518,24.887493332,-0.00227557552413,2.59700011532,0.976992971635,53.1999350236,-0.501711546802,4.78635605162 +0.2650000000000001,0.00346446876209,24.887493332,-0.00339370868859,2.59700011532,1.17176767092,53.1999350236,-0.477092298472,4.78635605162 +0.27000000000000013,0.00311165177851,24.887493332,-0.0059459529095,2.59700011532,1.48075094168,53.1999350236,-0.456618664681,4.78635605162 +0.27500000000000013,5.81181297004e-05,24.887493332,-0.017658799066,2.59700011532,2.04846257485,53.1999350236,-0.440426219434,4.78635605162 +0.28000000000000014,0.00944333510943,24.887493332,0.023614750085,2.59700011532,3.40557789309,53.1999350236,-0.428632720771,4.78635605162 +0.28500000000000014,0.00340829970713,24.887493332,0.00767066056605,2.59700011532,3.11284671985,53.1999350236,-0.421397253632,4.78635605162 +0.29000000000000015,0.00465662583969,24.887493332,0.00479547193423,2.59700011532,7.3226845792,53.1999350236,-0.418979551034,4.78635605162 +0.29500000000000015,0.00803485316173,24.887493332,0.00360288615197,2.59700011532,2.89900743487,53.1999350236,-0.421805251145,4.78635605162 +0.30000000000000016,0.011317208785,24.887493332,0.00295953304001,2.59700011532,1.81265725321,53.1999350236,-0.430548255252,4.78635605162 +0.30500000000000016,0.0150342971053,24.887493332,0.00256543644154,2.59700011532,1.33509443051,53.1999350236,-0.446248610867,4.78635605162 +0.31000000000000016,0.0195367803603,24.887493332,0.00230729950188,2.59700011532,1.07524607458,53.1999350236,-0.470497775671,4.78635605162 +0.31500000000000017,0.0252566844823,24.887493332,0.00213320374467,2.59700011532,0.919444803615,53.1999350236,-0.505751070035,4.78635605162 +0.3200000000000002,0.0328467262745,24.887493332,0.00201640022284,2.59700011532,0.823327239499,53.1999350236,-0.555889367891,4.78635605162 +0.3250000000000002,0.0433920010407,24.887493332,0.0019421605681,2.59700011532,0.767055057191,53.1999350236,-0.627301579015,4.78635605162 +0.3300000000000002,0.0588411035857,24.887493332,0.00190225207722,2.59700011532,0.742100920444,53.1999350236,-0.731155591538,4.78635605162 +0.3350000000000002,0.0830086530868,24.887493332,0.00189240571623,2.59700011532,0.747384467914,53.1999350236,-0.888719562089,4.78635605162 +0.3400000000000002,0.12423731265,24.887493332,0.00191114377949,2.59700011532,0.790619061756,53.1999350236,-1.14588760045,4.78635605162 +0.3450000000000002,0.203820698837,24.887493332,0.00195933974328,2.59700011532,0.899404931831,53.1999350236,-1.62299653837,4.78635605162 +0.3500000000000002,0.390562922342,24.887493332,0.00204028979904,2.59700011532,1.18152944757,53.1999350236,-2.76799848929,4.78635605162 +0.3550000000000002,1.02223133173,24.887493332,0.00216030007533,2.59700011532,2.64941999732,53.1999350236,-8.84234636717,4.78635605162 +0.3600000000000002,6.9577971122,24.887493332,0.00233000990751,2.59700011532,1.20022386476,53.1999350236,8.04846171823,4.78635605162 +0.3650000000000002,18.536899259,24.887493332,0.00256703619018,2.59700011532,0.458741195621,53.1999350236,2.87699372783,4.78635605162 +0.3700000000000002,1.39066604189,24.887493332,0.0029013579004,2.59700011532,0.428452490342,53.1999350236,1.80260103173,4.78635605162 +0.3750000000000002,0.461207455208,24.887493332,0.00338712026367,2.59700011532,0.362958187378,53.1999350236,1.34317089246,4.78635605162 +0.3800000000000002,0.223731187001,24.887493332,0.00413170682114,2.59700011532,0.301055452763,53.1999350236,1.09124468109,4.78635605162 +0.38500000000000023,0.128229841417,24.887493332,0.00538073173552,2.59700011532,0.240107113086,53.1999350236,0.93409620892,4.78635605162 +0.39000000000000024,0.0784920119467,24.887493332,0.00784320725238,2.59700011532,0.170645997776,53.1999350236,0.828064963517,4.78635605162 +0.39500000000000024,0.0431611488023,24.887493332,0.0147525608011,2.59700011532,0.0479569348817,53.1999350236,0.752702627484,4.78635605162 +0.40000000000000024,0.125171738448,24.887493332,0.133635902199,2.59700011532,0.157958083139,53.1999350236,0.697173708623,4.78635605162 +0.40500000000000025,0.0584942984204,24.887493332,-0.0189855321451,2.59700011532,0.233609668151,53.1999350236,0.655219001313,4.78635605162 +0.41000000000000025,0.037702725343,24.887493332,-0.00892863564252,2.59700011532,0.297743334418,53.1999350236,0.622989555054,4.78635605162 +0.41500000000000026,0.027827106942,24.887493332,-0.00588638133755,2.59700011532,0.360227788464,53.1999350236,0.598008455715,4.78635605162 +0.42000000000000026,0.0211987160476,24.887493332,-0.00442910916332,2.59700011532,0.42599152393,53.1999350236,0.57863048966,4.78635605162 +0.42500000000000027,0.0160802276811,24.887493332,-0.00358152181559,2.59700011532,0.499061371088,53.1999350236,0.563742368813,4.78635605162 +0.43000000000000027,0.0116739791922,24.887493332,-0.00303237055096,2.59700011532,0.583905567893,53.1999350236,0.552588046692,4.78635605162 +0.4350000000000003,0.00728500366889,24.887493332,-0.00265158641512,2.59700011532,0.686486121185,53.1999350236,0.544663350089,4.78635605162 +0.4400000000000003,0.00243291347265,24.887493332,-0.00237526997039,2.59700011532,0.815737263059,53.1999350236,0.539651413346,4.78635605162 +0.4450000000000003,0.00696198428924,24.887493332,-0.00216842991751,2.59700011532,0.986299442514,53.1999350236,0.537383772652,4.78635605162 +0.4500000000000003,0.00884851819847,24.887493332,-0.00201036354406,2.59700011532,1.22437969711,53.1999350236,0.537819018778,4.78635605162 +0.4550000000000003,0.00981004369416,24.887493332,-0.00188810713602,2.59700011532,1.58201216785,53.1999350236,0.541034965552,4.78635605162 +0.4600000000000003,0.0100218150295,24.887493332,-0.00179320090124,2.59700011532,2.17654305476,53.1999350236,0.547232998658,4.78635605162 +0.4650000000000003,0.00925982419887,24.887493332,-0.0017199680688,2.59700011532,3.29135191908,53.1999350236,0.556755557551,4.78635605162 +0.4700000000000003,0.00649167144982,24.887493332,-0.00166454644856,2.59700011532,0.343367636509,53.1999350236,0.570120302197,4.78635605162 +0.4750000000000003,0.00695375377574,24.887493332,-0.00162432127992,2.59700011532,18.3891004778,53.1999350236,0.588078304694,4.78635605162 +0.4800000000000003,0.0147497845514,24.887493332,-0.00159758644143,2.59700011532,5.42949840841,53.1999350236,0.611710070066,4.78635605162 +0.4850000000000003,0.0228537785489,24.887493332,-0.0015833449369,2.59700011532,3.20885144676,53.1999350236,0.642585338604,4.78635605162 +0.4900000000000003,0.0280619238181,24.887493332,-0.00158120223415,2.59700011532,2.04560508739,53.1999350236,0.683037188758,4.78635605162 +0.49500000000000033,0.0287684290134,24.887493332,-0.00160677194296,2.59700011532,1.49764431607,53.1999350236,0.715994577108,4.78635605162 From d21f45a8171ca34678499db9ad3a548df2be6385 Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 11:49:59 -0700 Subject: [PATCH 57/77] Delete pp2_print_0.csv Added wrong version again --- .../Validation/gold/DSS/pp2_print_0.csv | 101 ------------------ 1 file changed, 101 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_0.csv diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_0.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_0.csv deleted file mode 100644 index 72a82bbe51..0000000000 --- a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_0.csv +++ /dev/null @@ -1,101 +0,0 @@ -pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation -0.0,0.0756901816043,24.887493332,-0.000351283270388,2.59700011532,0.0356012101676,53.1999350236,0.206070488345,4.78635605162 -0.005,0.0510745233206,24.887493332,-0.000385934668242,2.59700011532,0.0448169166406,53.1999350236,0.210768607572,4.78635605162 -0.01,0.0256194405153,24.887493332,-0.000406159113474,2.59700011532,0.052224344465,53.1999350236,0.204272609211,4.78635605162 -0.015,0.0150024229693,24.887493332,-0.000421393172979,2.59700011532,0.0516883771607,53.1999350236,0.20010519813,4.78635605162 -0.02,0.010257283552,24.887493332,-0.000432783299084,2.59700011532,0.0451798791812,53.1999350236,0.197573824791,4.78635605162 -0.025,0.00769231680981,24.887493332,-0.000441348962559,2.59700011532,0.0284060742231,53.1999350236,0.196261897457,4.78635605162 -0.030000000000000002,0.00612549904352,24.887493332,-0.000447943830224,2.59700011532,0.0336672365961,53.1999350236,0.195926608029,4.78635605162 -0.035,0.00507743437159,24.887493332,-0.000453262151306,2.59700011532,0.0629855379733,53.1999350236,0.196444243236,4.78635605162 -0.04,0.00431968056602,24.887493332,-0.000457866493304,2.59700011532,0.0894619720643,53.1999350236,0.19778161272,4.78635605162 -0.045,0.00372831979973,24.887493332,-0.000462222758356,2.59700011532,0.1172518338,53.1999350236,0.199984022056,4.78635605162 -0.049999999999999996,0.00322683934388,24.887493332,-0.000466735814408,2.59700011532,0.148479034567,53.1999350236,0.203176148606,4.78635605162 -0.05499999999999999,0.00275944130293,24.887493332,-0.000471783762648,2.59700011532,0.185378812568,53.1999350236,0.207576121419,4.78635605162 -0.05999999999999999,0.00227360608449,24.887493332,-0.00047775165284,2.59700011532,0.231060029877,53.1999350236,0.213527199795,4.78635605162 -0.06499999999999999,0.00169433633486,24.887493332,-0.000485067311788,2.59700011532,0.290431280096,53.1999350236,0.221557909815,4.78635605162 -0.06999999999999999,0.000772991562933,24.887493332,-0.000494243726694,2.59700011532,0.371943441596,53.1999350236,0.232494548059,4.78635605162 -0.075,0.00130283362855,24.887493332,-0.000505935007915,2.59700011532,0.491460016819,53.1999350236,0.24768026844,4.78635605162 -0.08,0.00199187521109,24.887493332,-0.000521017617242,2.59700011532,0.682094146904,53.1999350236,0.269434057245,4.78635605162 -0.085,0.00245409022898,24.887493332,-0.000540717719677,2.59700011532,1.02380596657,53.1999350236,0.302118525415,4.78635605162 -0.09000000000000001,0.00272598009733,24.887493332,-0.000566824621632,2.59700011532,1.75751674307,53.1999350236,0.355020324828,4.78635605162 -0.09500000000000001,0.00271172120559,24.887493332,-0.000602072646113,2.59700011532,3.96065102521,53.1999350236,0.452043262233,4.78635605162 -0.10000000000000002,0.0020653563727,24.887493332,-0.000650875572106,2.59700011532,22.063705504,53.1999350236,0.679238712152,4.78635605162 -0.10500000000000002,0.00211813443079,24.887493332,-0.000720868007637,2.59700011532,32.5016834277,53.1999350236,1.76335102388,4.78635605162 -0.11000000000000003,0.00483476705374,24.887493332,-0.000826525967792,2.59700011532,13.8684083592,53.1999350236,-1.84767843252,4.78635605162 -0.11500000000000003,0.00772383018827,24.887493332,-0.000999095540335,2.59700011532,2.46453702091,53.1999350236,-0.525372763748,4.78635605162 -0.12000000000000004,0.0111468044228,24.887493332,-0.00132091190976,2.59700011532,0.944134639777,53.1999350236,-0.278401055973,4.78635605162 -0.12500000000000003,0.0151108859396,24.887493332,-0.00210251007708,2.59700011532,0.459372384566,53.1999350236,-0.174801950313,4.78635605162 -0.13000000000000003,0.0171343953503,24.887493332,-0.00646411039937,2.59700011532,0.248870152479,53.1999350236,-0.117764017075,4.78635605162 -0.13500000000000004,0.0350652053287,24.887493332,0.00483896441515,2.59700011532,0.140697849216,53.1999350236,-0.0811959709455,4.78635605162 -0.14000000000000004,0.0423716405627,24.887493332,0.00164348920338,2.59700011532,0.0787121176144,53.1999350236,-0.054939356815,4.78635605162 -0.14500000000000005,0.0556065274189,24.887493332,0.000952164683723,2.59700011532,0.0402717597698,53.1999350236,-0.0339839519099,4.78635605162 -0.15000000000000005,0.0750741244315,24.887493332,0.000652717338428,2.59700011532,0.0148647829393,53.1999350236,-0.0152581605846,4.78635605162 -0.15500000000000005,0.105121364985,24.887493332,0.000486276138869,2.59700011532,0.00289817867961,53.1999350236,0.00366434837427,4.78635605162 -0.16000000000000006,0.156661888365,24.887493332,0.000380003627249,2.59700011532,0.0159186133438,53.1999350236,0.0253281189163,4.78635605162 -0.16500000000000006,0.262367592272,24.887493332,0.00030521417449,2.59700011532,0.025571042223,53.1999350236,0.0531682521213,4.78635605162 -0.17000000000000007,0.564364908709,24.887493332,0.000248127467158,2.59700011532,0.0315872784201,53.1999350236,0.0927821259941,4.78635605162 -0.17500000000000007,2.5959579167,24.887493332,0.000201130085144,2.59700011532,0.0292029206784,53.1999350236,0.154754141223,4.78635605162 -0.18000000000000008,16.475446849,24.887493332,0.000159525889875,2.59700011532,0.0358911787049,53.1999350236,0.262490035739,4.78635605162 -0.18500000000000008,0.511783036992,24.887493332,0.000120133768726,2.59700011532,0.110684484186,53.1999350236,0.480628409477,4.78635605162 -0.19000000000000009,0.10082323864,24.887493332,8.06091792099e-05,2.59700011532,0.287502181726,53.1999350236,1.07825811416,4.78635605162 -0.1950000000000001,0.0217616071722,24.887493332,3.90793631522e-05,2.59700011532,1.76278846025,53.1999350236,6.44341026385,4.78635605162 -0.2000000000000001,0.0018057589186,24.887493332,-6.0783411812e-06,2.59700011532,0.708546763109,53.1999350236,-2.77999234179,4.78635605162 -0.2050000000000001,0.00986119174713,24.887493332,-5.6395309412e-05,2.59700011532,0.288768517405,53.1999350236,-1.4250988599,4.78635605162 -0.2100000000000001,0.0123886048682,24.887493332,-0.000113451921497,2.59700011532,0.0453883904931,53.1999350236,-1.07480405018,4.78635605162 -0.2150000000000001,0.0126672479613,24.887493332,-0.000179031059276,2.59700011532,0.216098228243,53.1999350236,-0.918928673398,4.78635605162 -0.2200000000000001,0.0119639992296,24.887493332,-0.000255316700686,2.59700011532,0.303782296424,53.1999350236,-0.829882029715,4.78635605162 -0.22500000000000012,0.0108188848603,24.887493332,-0.000345181037066,2.59700011532,0.376540448411,53.1999350236,-0.768590246102,4.78635605162 -0.23000000000000012,0.00947298486221,24.887493332,-0.000452632098144,2.59700011532,0.444674685389,53.1999350236,-0.719533354007,4.78635605162 -0.23500000000000013,0.0080303460657,24.887493332,-0.000583556378394,2.59700011532,0.511709354218,53.1999350236,-0.676086138182,4.78635605162 -0.24000000000000013,0.00652220624591,24.887493332,-0.00074703080616,2.59700011532,0.580320553624,53.1999350236,-0.635687041334,4.78635605162 -0.24500000000000013,0.00492318860659,24.887493332,-0.000957812458771,2.59700011532,0.65402690633,53.1999350236,-0.597721930261,4.78635605162 -0.2500000000000001,0.00309611593474,24.887493332,-0.00124149111194,2.59700011532,0.738159324039,53.1999350236,-0.562420286285,4.78635605162 -0.2550000000000001,0.00120852123153,24.887493332,-0.00164639842495,2.59700011532,0.841123459156,53.1999350236,-0.530264983882,4.78635605162 -0.2600000000000001,0.00296770830518,24.887493332,-0.00227557552413,2.59700011532,0.976992971635,53.1999350236,-0.501711546802,4.78635605162 -0.2650000000000001,0.00346446876209,24.887493332,-0.00339370868859,2.59700011532,1.17176767092,53.1999350236,-0.477092298472,4.78635605162 -0.27000000000000013,0.00311165177851,24.887493332,-0.0059459529095,2.59700011532,1.48075094168,53.1999350236,-0.456618664681,4.78635605162 -0.27500000000000013,5.81181297004e-05,24.887493332,-0.017658799066,2.59700011532,2.04846257485,53.1999350236,-0.440426219434,4.78635605162 -0.28000000000000014,0.00944333510943,24.887493332,0.023614750085,2.59700011532,3.40557789309,53.1999350236,-0.428632720771,4.78635605162 -0.28500000000000014,0.00340829970713,24.887493332,0.00767066056605,2.59700011532,3.11284671985,53.1999350236,-0.421397253632,4.78635605162 -0.29000000000000015,0.00465662583969,24.887493332,0.00479547193423,2.59700011532,7.3226845792,53.1999350236,-0.418979551034,4.78635605162 -0.29500000000000015,0.00803485316173,24.887493332,0.00360288615197,2.59700011532,2.89900743487,53.1999350236,-0.421805251145,4.78635605162 -0.30000000000000016,0.011317208785,24.887493332,0.00295953304001,2.59700011532,1.81265725321,53.1999350236,-0.430548255252,4.78635605162 -0.30500000000000016,0.0150342971053,24.887493332,0.00256543644154,2.59700011532,1.33509443051,53.1999350236,-0.446248610867,4.78635605162 -0.31000000000000016,0.0195367803603,24.887493332,0.00230729950188,2.59700011532,1.07524607458,53.1999350236,-0.470497775671,4.78635605162 -0.31500000000000017,0.0252566844823,24.887493332,0.00213320374467,2.59700011532,0.919444803615,53.1999350236,-0.505751070035,4.78635605162 -0.3200000000000002,0.0328467262745,24.887493332,0.00201640022284,2.59700011532,0.823327239499,53.1999350236,-0.555889367891,4.78635605162 -0.3250000000000002,0.0433920010407,24.887493332,0.0019421605681,2.59700011532,0.767055057191,53.1999350236,-0.627301579015,4.78635605162 -0.3300000000000002,0.0588411035857,24.887493332,0.00190225207722,2.59700011532,0.742100920444,53.1999350236,-0.731155591538,4.78635605162 -0.3350000000000002,0.0830086530868,24.887493332,0.00189240571623,2.59700011532,0.747384467914,53.1999350236,-0.888719562089,4.78635605162 -0.3400000000000002,0.12423731265,24.887493332,0.00191114377949,2.59700011532,0.790619061756,53.1999350236,-1.14588760045,4.78635605162 -0.3450000000000002,0.203820698837,24.887493332,0.00195933974328,2.59700011532,0.899404931831,53.1999350236,-1.62299653837,4.78635605162 -0.3500000000000002,0.390562922342,24.887493332,0.00204028979904,2.59700011532,1.18152944757,53.1999350236,-2.76799848929,4.78635605162 -0.3550000000000002,1.02223133173,24.887493332,0.00216030007533,2.59700011532,2.64941999732,53.1999350236,-8.84234636717,4.78635605162 -0.3600000000000002,6.9577971122,24.887493332,0.00233000990751,2.59700011532,1.20022386476,53.1999350236,8.04846171823,4.78635605162 -0.3650000000000002,18.536899259,24.887493332,0.00256703619018,2.59700011532,0.458741195621,53.1999350236,2.87699372783,4.78635605162 -0.3700000000000002,1.39066604189,24.887493332,0.0029013579004,2.59700011532,0.428452490342,53.1999350236,1.80260103173,4.78635605162 -0.3750000000000002,0.461207455208,24.887493332,0.00338712026367,2.59700011532,0.362958187378,53.1999350236,1.34317089246,4.78635605162 -0.3800000000000002,0.223731187001,24.887493332,0.00413170682114,2.59700011532,0.301055452763,53.1999350236,1.09124468109,4.78635605162 -0.38500000000000023,0.128229841417,24.887493332,0.00538073173552,2.59700011532,0.240107113086,53.1999350236,0.93409620892,4.78635605162 -0.39000000000000024,0.0784920119467,24.887493332,0.00784320725238,2.59700011532,0.170645997776,53.1999350236,0.828064963517,4.78635605162 -0.39500000000000024,0.0431611488023,24.887493332,0.0147525608011,2.59700011532,0.0479569348817,53.1999350236,0.752702627484,4.78635605162 -0.40000000000000024,0.125171738448,24.887493332,0.133635902199,2.59700011532,0.157958083139,53.1999350236,0.697173708623,4.78635605162 -0.40500000000000025,0.0584942984204,24.887493332,-0.0189855321451,2.59700011532,0.233609668151,53.1999350236,0.655219001313,4.78635605162 -0.41000000000000025,0.037702725343,24.887493332,-0.00892863564252,2.59700011532,0.297743334418,53.1999350236,0.622989555054,4.78635605162 -0.41500000000000026,0.027827106942,24.887493332,-0.00588638133755,2.59700011532,0.360227788464,53.1999350236,0.598008455715,4.78635605162 -0.42000000000000026,0.0211987160476,24.887493332,-0.00442910916332,2.59700011532,0.42599152393,53.1999350236,0.57863048966,4.78635605162 -0.42500000000000027,0.0160802276811,24.887493332,-0.00358152181559,2.59700011532,0.499061371088,53.1999350236,0.563742368813,4.78635605162 -0.43000000000000027,0.0116739791922,24.887493332,-0.00303237055096,2.59700011532,0.583905567893,53.1999350236,0.552588046692,4.78635605162 -0.4350000000000003,0.00728500366889,24.887493332,-0.00265158641512,2.59700011532,0.686486121185,53.1999350236,0.544663350089,4.78635605162 -0.4400000000000003,0.00243291347265,24.887493332,-0.00237526997039,2.59700011532,0.815737263059,53.1999350236,0.539651413346,4.78635605162 -0.4450000000000003,0.00696198428924,24.887493332,-0.00216842991751,2.59700011532,0.986299442514,53.1999350236,0.537383772652,4.78635605162 -0.4500000000000003,0.00884851819847,24.887493332,-0.00201036354406,2.59700011532,1.22437969711,53.1999350236,0.537819018778,4.78635605162 -0.4550000000000003,0.00981004369416,24.887493332,-0.00188810713602,2.59700011532,1.58201216785,53.1999350236,0.541034965552,4.78635605162 -0.4600000000000003,0.0100218150295,24.887493332,-0.00179320090124,2.59700011532,2.17654305476,53.1999350236,0.547232998658,4.78635605162 -0.4650000000000003,0.00925982419887,24.887493332,-0.0017199680688,2.59700011532,3.29135191908,53.1999350236,0.556755557551,4.78635605162 -0.4700000000000003,0.00649167144982,24.887493332,-0.00166454644856,2.59700011532,0.343367636509,53.1999350236,0.570120302197,4.78635605162 -0.4750000000000003,0.00695375377574,24.887493332,-0.00162432127992,2.59700011532,18.3891004778,53.1999350236,0.588078304694,4.78635605162 -0.4800000000000003,0.0147497845514,24.887493332,-0.00159758644143,2.59700011532,5.42949840841,53.1999350236,0.611710070066,4.78635605162 -0.4850000000000003,0.0228537785489,24.887493332,-0.0015833449369,2.59700011532,3.20885144676,53.1999350236,0.642585338604,4.78635605162 -0.4900000000000003,0.0280619238181,24.887493332,-0.00158120223415,2.59700011532,2.04560508739,53.1999350236,0.683037188758,4.78635605162 -0.49500000000000033,0.0287684290134,24.887493332,-0.00160677194296,2.59700011532,1.49764431607,53.1999350236,0.715994577108,4.78635605162 From fa8c93871f73354e3f5c6f721b09f6b9061395bd Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 11:50:10 -0700 Subject: [PATCH 58/77] Delete pp2_print_1.csv Added wrong version again --- .../Validation/gold/DSS/pp2_print_1.csv | 101 ------------------ 1 file changed, 101 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_1.csv diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_1.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_1.csv deleted file mode 100644 index ffe41b27bc..0000000000 --- a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_1.csv +++ /dev/null @@ -1,101 +0,0 @@ -pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation -0.0,0.774109933747,78.5323269828,-0.00111513031321,8.02406872151,0.00015699442728,21.1645936719,0.000388766220683,3.62270476039 -0.005,0.172934844167,78.5323269828,0.000312548594868,8.02406872151,0.000253790755873,21.1645936719,0.000478997467537,3.62270476039 -0.01,0.0434518775793,78.5323269828,9.33645706157e-05,8.02406872151,0.000389758416471,21.1645936719,0.00056805120926,3.62270476039 -0.015,0.019233004651,78.5323269828,5.94011493334e-05,8.02406872151,0.000486770043257,21.1645936719,0.000646124658721,3.62270476039 -0.02,0.0112138144262,78.5323269828,4.6202616342e-05,8.02406872151,0.000529134300053,21.1645936719,0.000713124729502,3.62270476039 -0.025,0.00757486755401,78.5323269828,3.95339280479e-05,8.02406872151,0.000474278984792,21.1645936719,0.000770415120738,3.62270476039 -0.030000000000000002,0.00559988445393,78.5323269828,3.57467616553e-05,8.02406872151,0.000152740369949,21.1645936719,0.000820287742045,3.62270476039 -0.035,0.004390795607,78.5323269828,3.34846745312e-05,8.02406872151,0.000797991250143,21.1645936719,0.000865542594222,3.62270476039 -0.04,0.00357888192657,78.5323269828,3.21335157958e-05,8.02406872151,0.00139258099056,21.1645936719,0.00090927581244,3.62270476039 -0.045,0.00298801637499,78.5323269828,3.13820403602e-05,8.02406872151,0.00213544322869,21.1645936719,0.000954896315223,3.62270476039 -0.049999999999999996,0.002522954625,78.5323269828,3.10643814811e-05,8.02406872151,0.00312433905151,21.1645936719,0.00100638290725,3.62270476039 -0.05499999999999999,0.00212519328404,78.5323269828,3.10947442252e-05,8.02406872151,0.00449128682363,21.1645936719,0.00106885498154,3.62270476039 -0.05999999999999999,0.00175195717774,78.5323269828,3.14383431158e-05,8.02406872151,0.00644420016217,21.1645936719,0.0011496907818,3.62270476039 -0.06499999999999999,0.00136101853355,78.5323269828,3.2099324124e-05,8.02406872151,0.00933486602648,21.1645936719,0.00126083041451,3.62270476039 -0.06999999999999999,0.000878087855177,78.5323269828,3.31188790748e-05,8.02406872151,0.0138014458706,21.1645936719,0.00142407700497,3.62270476039 -0.075,0.000466896928717,78.5323269828,3.45823471465e-05,8.02406872151,0.0211082874645,21.1645936719,0.00168536859298,3.62270476039 -0.08,0.00105539943751,78.5323269828,3.66384375052e-05,8.02406872151,0.0340932878574,21.1645936719,0.00216302079173,3.62270476039 -0.085,0.00136598259819,78.5323269828,3.95404879555e-05,8.02406872151,0.0605703170013,21.1645936719,0.00328710340681,3.62270476039 -0.09000000000000001,0.00153529464373,78.5323269828,4.37357620277e-05,8.02406872151,0.137405153594,21.1645936719,0.00883634014844,3.62270476039 -0.09500000000000001,0.00154146111344,78.5323269828,5.00760395577e-05,8.02406872151,0.212755471826,21.1645936719,-0.00846684654297,3.62270476039 -0.10000000000000002,0.00125478869626,78.5323269828,6.0390815383e-05,8.02406872151,1.5988061707,21.1645936719,-0.00250601690095,3.62270476039 -0.10500000000000002,0.000772175184071,78.5323269828,7.94364951969e-05,8.02406872151,7.48669871307,21.1645936719,-0.00134643522011,3.62270476039 -0.11000000000000003,0.00223574857561,78.5323269828,0.000124632059843,8.02406872151,0.413573575915,21.1645936719,-0.000855478667377,3.62270476039 -0.11500000000000003,0.00366331896809,78.5323269828,0.000352094517332,8.02406872151,0.121052016172,21.1645936719,-0.000584330264464,3.62270476039 -0.12000000000000004,0.00481738095475,78.5323269828,-0.000336680273934,8.02406872151,0.0503855034092,21.1645936719,-0.000410720594005,3.62270476039 -0.12500000000000003,0.00662913115137,78.5323269828,-0.000106374679546,8.02406872151,0.0234170232593,21.1645936719,-0.000286946114568,3.62270476039 -0.13000000000000003,0.00866007541832,78.5323269828,-6.08457355132e-05,8.02406872151,0.0107458842608,21.1645936719,-0.000189675836893,3.62270476039 -0.13500000000000004,0.0110758004082,78.5323269828,-4.15638099506e-05,8.02406872151,0.0041603475582,21.1645936719,-0.000105003718329,3.62270476039 -0.14000000000000004,0.0140284466065,78.5323269828,-3.09727411283e-05,8.02406872151,0.000617383138954,21.1645936719,-2.25654101801e-05,3.62270476039 -0.14500000000000005,0.0177699755735,78.5323269828,-2.42764214694e-05,8.02406872151,0.00124587128596,21.1645936719,6.76472198329e-05,3.62270476039 -0.15000000000000005,0.0227701859871,78.5323269828,-1.96176433169e-05,8.02406872151,0.00213169974396,21.1645936719,0.000178037706082,3.62270476039 -0.15500000000000005,0.0299926294325,78.5323269828,-1.61162762964e-05,8.02406872151,0.00244007370638,21.1645936719,0.000327303277569,3.62270476039 -0.16000000000000006,0.0416880551589,78.5323269828,-1.32927334511e-05,8.02406872151,0.00241168757692,21.1645936719,0.000548129320248,3.62270476039 -0.16500000000000006,0.0643186472701,78.5323269828,-1.08557501738e-05,8.02406872151,0.00218991014403,21.1645936719,0.000906013974106,3.62270476039 -0.17000000000000007,0.124719770968,78.5323269828,-8.61146363399e-06,8.02406872151,0.00184028567937,21.1645936719,0.00155620869662,3.62270476039 -0.17500000000000007,0.494938369974,78.5323269828,-6.41978064852e-06,8.02406872151,0.00126847297741,21.1645936719,0.00297767637778,3.62270476039 -0.18000000000000008,2.46641065603,78.5323269828,-4.17133774529e-06,8.02406872151,0.00173926936988,21.1645936719,0.00772575298958,3.62270476039 -0.18500000000000008,0.0414611869821,78.5323269828,-1.77413937144e-06,8.02406872151,0.025561946542,21.1645936719,-0.11539011265,3.62270476039 -0.19000000000000009,0.00569319620955,78.5323269828,8.55060129221e-07,8.02406872151,0.00146300939145,21.1645936719,-0.0100554509397,3.62270476039 -0.1950000000000001,0.011004902984,78.5323269828,3.79709063573e-06,8.02406872151,0.000475864139573,21.1645936719,-0.00635126793396,3.62270476039 -0.2000000000000001,0.0108503108153,78.5323269828,7.13581055212e-06,8.02406872151,0.000128654332099,21.1645936719,-0.00518006530933,3.62270476039 -0.2050000000000001,0.00969350347973,78.5323269828,1.09636231742e-05,8.02406872151,1.49277955888e-05,21.1645936719,-0.00467894362698,3.62270476039 -0.2100000000000001,0.00842420202358,78.5323269828,1.53879274562e-05,8.02406872151,4.02892302638e-05,21.1645936719,-0.0044476870953,3.62270476039 -0.2150000000000001,0.00724575947031,78.5323269828,2.05394988306e-05,8.02406872151,0.000191885884931,21.1645936719,-0.0043446838376,3.62270476039 -0.2200000000000001,0.00619304465914,78.5323269828,2.65841777047e-05,8.02406872151,0.000391175798864,21.1645936719,-0.0043045490451,3.62270476039 -0.22500000000000012,0.00525522371794,78.5323269828,3.37400009027e-05,8.02406872151,0.000673502363882,21.1645936719,-0.00429205403071,3.62270476039 -0.23000000000000012,0.00440922558223,78.5323269828,4.23033464715e-05,8.02406872151,0.00108776134503,21.1645936719,-0.00428710781864,3.62270476039 -0.23500000000000013,0.00362847465576,78.5323269828,5.26904309862e-05,8.02406872151,0.00170845633151,21.1645936719,-0.00427888014895,3.62270476039 -0.24000000000000013,0.00288251896262,78.5323269828,6.55060659113e-05,8.02406872151,0.00265234610929,21.1645936719,-0.004262899853,3.62270476039 -0.24500000000000013,0.002127734175,78.5323269828,8.16634197959e-05,8.02406872151,0.0041133507449,21.1645936719,-0.0042391343709,3.62270476039 -0.2500000000000001,0.001257759357,78.5323269828,0.000102605552429,8.02406872151,0.00643832583293,21.1645936719,-0.00421045589147,3.62270476039 -0.2550000000000001,0.000828378096761,78.5323269828,0.000130746825402,8.02406872151,0.010304266841,21.1645936719,-0.00418140075283,3.62270476039 -0.2600000000000001,0.00154019188196,78.5323269828,0.000170440017214,8.02406872151,0.0171821550257,21.1645936719,-0.00415725967944,3.62270476039 -0.2650000000000001,0.00187441428345,78.5323269828,0.000230381434784,8.02406872151,0.0307614176303,21.1645936719,-0.00414351845838,3.62270476039 -0.27000000000000013,0.00202193397403,78.5323269828,0.000330771307489,8.02406872151,0.0624826810512,21.1645936719,-0.00414561873163,3.62270476039 -0.27500000000000013,0.002001032412,78.5323269828,0.000531589183265,8.02406872151,0.163182566838,21.1645936719,-0.00416897908533,3.62270476039 -0.28000000000000014,0.00175329778763,78.5323269828,0.00112482219142,8.02406872151,0.841675558765,21.1645936719,-0.00421921817404,3.62270476039 -0.28500000000000014,0.00125269551862,78.5323269828,0.0359810627555,8.02406872151,30.1715064164,21.1645936719,-0.00430254667581,3.62270476039 -0.29000000000000015,0.00173690674608,78.5323269828,-0.00139473398204,8.02406872151,0.541470714699,21.1645936719,-0.0044263349351,3.62270476039 -0.29500000000000015,0.00310890477779,78.5323269828,-0.000737322863662,8.02406872151,0.166181672723,21.1645936719,-0.00459991742035,3.62270476039 -0.30000000000000016,0.00456146898278,78.5323269828,-0.00052674979752,8.02406872151,0.0829631693218,21.1645936719,-0.00483577503259,3.62270476039 -0.30500000000000016,0.00628601499582,78.5323269828,-0.000425524249225,8.02406872151,0.0512147337907,21.1645936719,-0.00515137300595,3.62270476039 -0.31000000000000016,0.00845797610112,78.5323269828,-0.000368150791594,8.02406872151,0.0356827739788,21.1645936719,-0.00557219787766,3.62270476039 -0.31500000000000017,0.0113216825999,78.5323269828,-0.0003331746523,8.02406872151,0.0269350413193,21.1645936719,-0.00613710629019,3.62270476039 -0.3200000000000002,0.015267935443,78.5323269828,-0.000311603763873,8.02406872151,0.0215737276619,21.1645936719,-0.00690843116545,3.62270476039 -0.3250000000000002,0.0209754548459,78.5323269828,-0.00029913248091,8.02406872151,0.0181422611288,21.1645936719,-0.00799273681681,3.62270476039 -0.3300000000000002,0.0297210356289,78.5323269828,-0.000293590171994,8.02406872151,0.0159619678347,21.1645936719,-0.00958820041251,3.62270476039 -0.3350000000000002,0.0441503928111,78.5323269828,-0.000293955979829,8.02406872151,0.0147516320894,21.1645936719,-0.0121094126143,3.62270476039 -0.3400000000000002,0.0705032247119,78.5323269828,-0.00029995850538,8.02406872151,0.0145712178054,21.1645936719,-0.0165925304479,3.62270476039 -0.3450000000000002,0.126536483196,78.5323269828,-0.000311949955848,8.02406872151,0.016262292345,21.1645936719,-0.0265554172213,3.62270476039 -0.3500000000000002,0.280803513005,78.5323269828,-0.000330964255244,8.02406872151,0.0265280222762,21.1645936719,-0.066497609455,3.62270476039 -0.3550000000000002,1.02324913362,78.5323269828,-0.000358979521713,8.02406872151,0.0298908562968,21.1645936719,0.136708832882,3.62270476039 -0.3600000000000002,80.1685866409,78.5323269828,-0.000399528825841,8.02406872151,0.00187240234695,21.1645936719,0.0343043054976,3.62270476039 -0.3650000000000002,1.79519173079,78.5323269828,-0.000459072822812,8.02406872151,0.0027974550452,21.1645936719,0.0199018342634,3.62270476039 -0.3700000000000002,0.396905209568,78.5323269828,-0.000550354811098,8.02406872151,0.00196447877021,21.1645936719,0.0142027898753,3.62270476039 -0.3750000000000002,0.172007319674,78.5323269828,-0.000701977803126,8.02406872151,0.00121110983051,21.1645936719,0.0111763984294,3.62270476039 -0.3800000000000002,0.0968649163453,78.5323269828,-0.00099349891318,8.02406872151,0.00061232574077,21.1645936719,0.00931878570727,3.62270476039 -0.38500000000000023,0.0636563968426,78.5323269828,-0.00175835669441,8.02406872151,0.000167538565504,21.1645936719,0.00807685474333,3.62270476039 -0.39000000000000024,0.0561966955212,78.5323269828,-0.00856322755607,8.02406872151,8.0456588826e-05,21.1645936719,0.00719971537706,3.62270476039 -0.39500000000000024,0.0260206570271,78.5323269828,0.00291043543761,8.02406872151,0.000288516079035,21.1645936719,0.00655732455789,3.62270476039 -0.40000000000000024,0.0213502799877,78.5323269828,0.00123939077254,8.02406872151,0.000876677291258,21.1645936719,0.00607577941537,3.62270476039 -0.40500000000000025,0.016899092494,78.5323269828,0.000788878127904,8.02406872151,0.0017178654172,21.1645936719,0.00571021259275,3.62270476039 -0.41000000000000025,0.0134051383915,78.5323269828,0.000581133294843,8.02406872151,0.00289031251364,21.1645936719,0.0054320610037,3.62270476039 -0.41500000000000026,0.0106196180657,78.5323269828,0.00046265549946,8.02406872151,0.00452348561758,21.1645936719,0.00522255321938,3.62270476039 -0.42000000000000026,0.00830333105079,78.5323269828,0.000386842345636,8.02406872151,0.00682983486137,21.1645936719,0.00506915740742,3.62270476039 -0.42500000000000027,0.0062597143635,78.5323269828,0.000334748408515,8.02406872151,0.0101640037956,21.1645936719,0.00496355398608,3.62270476039 -0.43000000000000027,0.00428053116836,78.5323269828,0.000297231742542,8.02406872151,0.0151430112141,21.1645936719,0.00490045113692,3.62270476039 -0.4350000000000003,0.00183094244122,78.5323269828,0.000269350407586,8.02406872151,0.0229061424782,21.1645936719,0.00487690217277,3.62270476039 -0.4400000000000003,0.00273321375559,78.5323269828,0.00024820979193,8.02406872151,0.0357308620284,21.1645936719,0.00489195140857,3.62270476039 -0.4450000000000003,0.00388360453739,78.5323269828,0.000232012825754,8.02406872151,0.0586844015204,21.1645936719,0.00494652670219,3.62270476039 -0.4500000000000003,0.00445348727543,78.5323269828,0.000219596381833,8.02406872151,0.104878587617,21.1645936719,0.00504355611419,3.62270476039 -0.4550000000000003,0.0046422237846,78.5323269828,0.000210187123956,8.02406872151,0.217029543586,21.1645936719,0.00518833724011,3.62270476039 -0.4600000000000003,0.00441220704131,78.5323269828,0.000203265440004,8.02406872151,0.603815420293,21.1645936719,0.00538925015073,3.62270476039 -0.4650000000000003,0.00346569189527,78.5323269828,0.000198486694994,8.02406872151,4.0640633147,21.1645936719,0.00565900476547,3.62270476039 -0.4700000000000003,0.00191015692685,78.5323269828,0.000195635089853,8.02406872151,17.9868344846,21.1645936719,0.00601680122675,3.62270476039 -0.4750000000000003,0.00569507867241,78.5323269828,0.000194597602017,8.02406872151,1.19241195807,21.1645936719,0.00649217227692,3.62270476039 -0.4800000000000003,0.00910691494635,78.5323269828,0.00019535171858,8.02406872151,0.416943814092,21.1645936719,0.00713216163498,3.62270476039 -0.4850000000000003,0.0130557612771,78.5323269828,0.000197964290948,8.02406872151,0.219083602994,21.1645936719,0.00801569461804,3.62270476039 -0.4900000000000003,0.0154658754364,78.5323269828,0.000202601458671,8.02406872151,0.122663915599,21.1645936719,0.00928513779775,3.62270476039 -0.49500000000000033,0.015404620316,78.5323269828,0.00020681289425,8.02406872151,0.0837281391226,21.1645936719,0.0101591584241,3.62270476039 From 2723a4beae7c17b8fc6b0b5fd22e7ca4f1f7ecbf Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 11:50:20 -0700 Subject: [PATCH 59/77] Delete pp2_print_2.csv Added wrong version again --- .../Validation/gold/DSS/pp2_print_2.csv | 101 ------------------ 1 file changed, 101 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_2.csv diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_2.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_2.csv deleted file mode 100644 index e37aeede47..0000000000 --- a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_2.csv +++ /dev/null @@ -1,101 +0,0 @@ -pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation -0.0,0.0499281922006,37.767391036,0.00214950159842,4.28650302037,1.48043773097e-06,153.440198563,-2.78869210709e-06,15.4153269263 -0.005,0.108821350709,37.767391036,0.00344512627925,4.28650302037,1.92343383019e-06,153.440198563,-3.78745340746e-06,15.4153269263 -0.01,2.80127775886,37.767391036,-0.0154495882567,4.28650302037,1.53098863678e-06,153.440198563,-4.83741886226e-06,15.4153269263 -0.015,0.666352304377,37.767391036,-0.00270493401925,4.28650302037,1.90085196915e-06,153.440198563,-5.79512180408e-06,15.4153269263 -0.02,0.105537707351,37.767391036,-0.00161203987177,4.28650302037,3.32599773558e-06,153.440198563,-6.63492581009e-06,15.4153269263 -0.025,0.0431344458161,37.767391036,-0.00122160618589,4.28650302037,4.40380458328e-06,153.440198563,-7.35165063744e-06,15.4153269263 -0.030000000000000002,0.0243318377974,37.767391036,-0.0010306546398,4.28650302037,5.17246201225e-06,153.440198563,-7.95660994721e-06,15.4153269263 -0.035,0.0161802116007,37.767391036,-0.000923652027417,4.28650302037,5.32498316785e-06,153.440198563,-8.47174651242e-06,15.4153269263 -0.04,0.0118771511525,37.767391036,-0.00085975689653,4.28650302037,3.63941540802e-06,153.440198563,-8.92454004322e-06,15.4153269263 -0.045,0.00929529622336,37.767391036,-0.000820975161398,4.28650302037,6.48621474724e-06,153.440198563,-9.3449510607e-06,15.4153269263 -0.049999999999999996,0.00759070348954,37.767391036,-0.000798295647998,4.28650302037,1.3658071887e-05,153.440198563,-9.76461077415e-06,15.4153269263 -0.05499999999999999,0.00636976921521,37.767391036,-0.000786888171608,4.28650302037,2.28305802338e-05,153.440198563,-1.02181231591e-05,15.4153269263 -0.05999999999999999,0.00542383077465,37.767391036,-0.000784147860477,4.28650302037,3.54369772377e-05,153.440198563,-1.07466180944e-05,15.4153269263 -0.06499999999999999,0.00462768310852,37.767391036,-0.000788818411715,4.28650302037,5.3214686841e-05,153.440198563,-1.14045547185e-05,15.4153269263 -0.06999999999999999,0.00389360580876,37.767391036,-0.00080059531129,4.28650302037,7.8766485877e-05,153.440198563,-1.22726906907e-05,15.4153269263 -0.075,0.00314310405167,37.767391036,-0.000819987724073,4.28650302037,0.000116258353714,153.440198563,-1.34849615832e-05,15.4153269263 -0.08,0.00226732731421,37.767391036,-0.000848368466594,4.28650302037,0.000172710528439,153.440198563,-1.52914860661e-05,15.4153269263 -0.085,0.000856688329193,37.767391036,-0.000888228880415,4.28650302037,0.000260628405531,153.440198563,-1.82327415937e-05,15.4153269263 -0.09000000000000001,0.00183568332738,37.767391036,-0.000943751981274,4.28650302037,0.000403597002242,153.440198563,-2.37528099707e-05,15.4153269263 -0.09500000000000001,0.00264621581141,37.767391036,-0.00102200341102,4.28650302037,0.000645816804441,153.440198563,-3.74874734818e-05,15.4153269263 -0.10000000000000002,0.00312285344438,37.767391036,-0.00113551387155,4.28650302037,0.000916181838688,153.440198563,-0.000125172028078,15.4153269263 -0.10500000000000002,0.00330033104617,37.767391036,-0.00130846731198,4.28650302037,0.0031709156581,153.440198563,6.80776138803e-05,15.4153269263 -0.11000000000000003,0.00305357249322,37.767391036,-0.00159401185415,4.28650302037,0.0092741572586,153.440198563,2.3630670193e-05,15.4153269263 -0.11500000000000003,0.00192066846575,37.767391036,-0.00213582689044,4.28650302037,0.184535236178,153.440198563,1.31146173897e-05,15.4153269263 -0.12000000000000004,0.00252956428232,37.767391036,-0.00350365660164,4.28650302037,0.0261601202469,153.440198563,8.43267598045e-06,15.4153269263 -0.12500000000000003,0.00197195699887,37.767391036,-0.0128058571372,4.28650302037,0.00407839423995,153.440198563,5.78128280747e-06,15.4153269263 -0.13000000000000003,0.0119156742882,37.767391036,0.0064905335384,4.28650302037,0.00136658922718,153.440198563,4.05421618831e-06,15.4153269263 -0.13500000000000004,0.013671245455,37.767391036,0.0024343989044,4.28650302037,0.000561531221493,153.440198563,2.8037103852e-06,15.4153269263 -0.14000000000000004,0.0169855507165,37.767391036,0.00144628153041,4.28650302037,0.000233033923817,153.440198563,1.80407295399e-06,15.4153269263 -0.14500000000000005,0.0210482642293,37.767391036,0.00100434732335,4.28650302037,7.82755721773e-05,153.440198563,9.15992711228e-07,15.4153269263 -0.15000000000000005,0.0258835576537,37.767391036,0.000755025231215,4.28650302037,1.7285453844e-06,153.440198563,3.07115919595e-08,15.4153269263 -0.15500000000000005,0.0317078406287,37.767391036,0.000594637268036,4.28650302037,3.48615386997e-05,153.440198563,-9.62513297606e-07,15.4153269263 -0.16000000000000006,0.03896086226,37.767391036,0.000481492502845,4.28650302037,4.95564952756e-05,153.440198563,-2.20761666073e-06,15.4153269263 -0.16500000000000006,0.0484979384313,37.767391036,0.000395330321375,4.28650302037,5.19049338564e-05,153.440198563,-3.9299302102e-06,15.4153269263 -0.17000000000000007,0.0620887853646,37.767391036,0.000324893762769,4.28650302037,4.72752726694e-05,153.440198563,-6.53687252305e-06,15.4153269263 -0.17500000000000007,0.0838925432036,37.767391036,0.000263230775606,4.28650302037,3.86756477784e-05,153.440198563,-1.08771768008e-05,15.4153269263 -0.18000000000000008,0.126109101157,37.767391036,0.000205642022718,4.28650302037,2.75555601199e-05,153.440198563,-1.90800002131e-05,15.4153269263 -0.18500000000000008,0.243272898987,37.767391036,0.000148680404437,4.28650302037,1.39478669348e-05,153.440198563,-3.84293742393e-05,15.4153269263 -0.19000000000000009,1.25320061527,37.767391036,8.96142018957e-05,4.28650302037,4.26359975484e-06,153.440198563,-0.000120753657011,15.4153269263 -0.1950000000000001,0.328279795372,37.767391036,2.61089979965e-05,4.28650302037,6.32719894207e-05,153.440198563,0.000281470696544,15.4153269263 -0.2000000000000001,0.0566244476106,37.767391036,-4.39845116188e-05,4.28650302037,4.27397326215e-05,153.440198563,8.84294864703e-05,15.4153269263 -0.2050000000000001,0.0514053505134,37.767391036,-0.000122794909578,4.28650302037,4.0516001398e-05,153.440198563,6.14787929997e-05,15.4153269263 -0.2100000000000001,0.0405028662944,37.767391036,-0.000212581686572,4.28650302037,3.81748740252e-05,153.440198563,5.17038603202e-05,15.4153269263 -0.2150000000000001,0.0321067659877,37.767391036,-0.000315900981059,4.28650302037,3.36695540624e-05,153.440198563,4.71889229888e-05,15.4153269263 -0.2200000000000001,0.0258403274918,37.767391036,-0.00043581283209,4.28650302037,2.4387399431e-05,153.440198563,4.4875060237e-05,15.4153269263 -0.22500000000000012,0.0210417485375,37.767391036,-0.000576165408484,4.28650302037,1.57630978935e-05,153.440198563,4.35861729715e-05,15.4153269263 -0.23000000000000012,0.0172488698855,37.767391036,-0.000742009822369,4.28650302037,3.90452419768e-05,153.440198563,4.27615567712e-05,15.4153269263 -0.23500000000000013,0.0141582984866,37.767391036,-0.000940234887552,4.28650302037,5.85822401439e-05,153.440198563,4.21069168398e-05,15.4153269263 -0.24000000000000013,0.0115667017187,37.767391036,-0.00118058169524,4.28650302037,7.93280986529e-05,153.440198563,4.14713402758e-05,15.4153269263 -0.24500000000000013,0.00933193577921,37.767391036,-0.00147734237755,4.28650302037,0.00010323904041,153.440198563,4.07922860834e-05,15.4153269263 -0.2500000000000001,0.00734854275724,37.767391036,-0.00185236098997,4.28650302037,0.000132353675386,153.440198563,4.00634095801e-05,15.4153269263 -0.2550000000000001,0.00553004791768,37.767391036,-0.00234068708837,4.28650302037,0.000169564909451,153.440198563,3.93118213766e-05,15.4153269263 -0.2600000000000001,0.00378746557468,37.767391036,-0.00300211254591,4.28650302037,0.000219516980964,153.440198563,3.85814626358e-05,15.4153269263 -0.2650000000000001,0.00194455333851,37.767391036,-0.00394726388461,4.28650302037,0.000290298928418,153.440198563,3.79219324726e-05,15.4153269263 -0.27000000000000013,0.00138630396449,37.767391036,-0.00540542120334,4.28650302037,0.000397224923975,153.440198563,3.73821990832e-05,15.4153269263 -0.27500000000000013,0.00175262947416,37.767391036,-0.00794025570953,4.28650302037,0.000572450985139,153.440198563,3.70082269142e-05,15.4153269263 -0.28000000000000014,0.000671392420297,37.767391036,-0.0134048916244,4.28650302037,0.000893718572204,153.440198563,3.68434041146e-05,15.4153269263 -0.28500000000000014,0.0046774271677,37.767391036,-0.0335288065715,4.28650302037,0.00159265948961,153.440198563,3.69308396882e-05,15.4153269263 -0.29000000000000015,0.0317778653141,37.767391036,0.108292813634,4.28650302037,0.00365085181784,153.440198563,3.73169772657e-05,15.4153269263 -0.29500000000000015,0.00818339475296,37.767391036,0.0231436754672,4.28650302037,0.0161638728405,153.440198563,3.80564183044e-05,15.4153269263 -0.30000000000000016,0.00111412560967,37.767391036,0.0137808997325,4.28650302037,0.884787886606,153.440198563,3.9218335031e-05,15.4153269263 -0.30500000000000016,0.00694290356226,37.767391036,0.0102407538624,4.28650302037,0.00939532288541,153.440198563,4.08954655535e-05,15.4153269263 -0.31000000000000016,0.010493995504,37.767391036,0.00842291698246,4.28650302037,0.00249837948379,153.440198563,4.32176408333e-05,15.4153269263 -0.31500000000000017,0.0141331036889,37.767391036,0.00735357855299,4.28650302037,0.00108921245228,153.440198563,4.6373574815e-05,15.4153269263 -0.3200000000000002,0.0183727680949,37.767391036,0.00668439911726,4.28650302037,0.000581338912779,153.440198563,5.06483583235e-05,15.4153269263 -0.3250000000000002,0.0236396025607,37.767391036,0.00626172773479,4.28650302037,0.000342494060474,153.440198563,5.64925313104e-05,15.4153269263 -0.3300000000000002,0.0304957537778,37.767391036,0.0060093926315,4.28650302037,0.000209953796173,153.440198563,6.46596457532e-05,15.4153269263 -0.3350000000000002,0.0398163176516,37.767391036,0.00588786205733,4.28650302037,0.000126330020937,153.440198563,7.65079974373e-05,15.4153269263 -0.3400000000000002,0.0530915153608,37.767391036,0.00587779409205,4.28650302037,6.63151602054e-05,153.440198563,9.47525643711e-05,15.4153269263 -0.3450000000000002,0.0730701399213,37.767391036,0.0059730818723,4.28650302037,1.51946100957e-05,153.440198563,0.000125710933657,15.4153269263 -0.3500000000000002,0.105319260008,37.767391036,0.00617843981787,4.28650302037,4.26696601349e-05,153.440198563,0.000188221448848,15.4153269263 -0.3550000000000002,0.162593654311,37.767391036,0.00650996412315,4.28650302037,0.000157569681522,153.440198563,0.000375039417191,15.4153269263 -0.3600000000000002,0.279772888882,37.767391036,0.00699877288072,4.28650302037,0.0098837259003,153.440198563,0.0196652331057,15.4153269263 -0.3650000000000002,0.583338306626,37.767391036,0.00769949424298,4.28650302037,0.000198084213264,153.440198563,-0.000399736267412,15.4153269263 -0.3700000000000002,1.86574241185,37.767391036,0.00870860844522,4.28650302037,8.02869790213e-05,153.440198563,-0.000201481595308,15.4153269263 -0.3750000000000002,42.3579811861,37.767391036,0.0102064301858,4.28650302037,1.3156166492e-05,153.440198563,-0.00013678925093,15.4153269263 -0.3800000000000002,5.26716178934,37.767391036,0.0125657200952,4.28650302037,4.4608825145e-05,153.440198563,-0.000104990825304,15.4153269263 -0.38500000000000023,0.889900805818,37.767391036,0.0166922695136,4.28650302037,5.34329932638e-05,153.440198563,-8.62734355043e-05,15.4153269263 -0.39000000000000024,0.304090368719,37.767391036,0.0254915046914,4.28650302037,5.57381594146e-05,153.440198563,-7.40790823169e-05,15.4153269263 -0.39500000000000024,0.0573578413862,37.767391036,0.0561239913279,4.28650302037,5.41865304024e-05,153.440198563,-6.56105929421e-05,15.4153269263 -0.40000000000000024,0.693730232489,37.767391036,-0.246683611764,4.28650302037,4.84623702636e-05,153.440198563,-5.94757357043e-05,15.4153269263 -0.40500000000000025,0.164279761324,37.767391036,-0.0382846008641,4.28650302037,3.50507135296e-05,153.440198563,-5.49054663602e-05,15.4153269263 -0.41000000000000025,0.0999385766782,37.767391036,-0.0207791318521,4.28650302037,2.59158836574e-05,153.440198563,-5.14422667378e-05,15.4153269263 -0.41500000000000026,0.0698826288974,37.767391036,-0.0143215945081,4.28650302037,6.1613094492e-05,153.440198563,-4.87989196164e-05,15.4153269263 -0.42000000000000026,0.0518196747833,37.767391036,-0.0109904218024,4.28650302037,9.44605561698e-05,153.440198563,-4.67881738629e-05,15.4153269263 -0.42500000000000027,0.0396054744386,37.767391036,-0.00897650633767,4.28650302037,0.000132038605754,153.440198563,-4.52851213661e-05,15.4153269263 -0.43000000000000027,0.030669772508,37.767391036,-0.00764130095923,4.28650302037,0.000178513875608,153.440198563,-4.42059756702e-05,15.4153269263 -0.4350000000000003,0.0236836984137,37.767391036,-0.00670217276586,4.28650302037,0.000238905931645,153.440198563,-4.34956821917e-05,15.4153269263 -0.4400000000000003,0.0178336157332,37.767391036,-0.00601499611813,4.28650302037,0.000320699620659,153.440198563,-4.31206222862e-05,15.4153269263 -0.4450000000000003,0.0124729552851,37.767391036,-0.00549878952213,4.28650302037,0.000436162799237,153.440198563,-4.30644970741e-05,15.4153269263 -0.4500000000000003,0.0065709238374,37.767391036,-0.00510476779296,4.28650302037,0.000606930495375,153.440198563,-4.33264233714e-05,15.4153269263 -0.4550000000000003,0.00599985403089,37.767391036,-0.00480201464787,4.28650302037,0.000874311714594,153.440198563,-4.39208298679e-05,15.4153269263 -0.4600000000000003,0.00954601659704,37.767391036,-0.0045702320651,4.28650302037,0.00132544503602,153.440198563,-4.48791454024e-05,15.4153269263 -0.4650000000000003,0.0112455781012,37.767391036,-0.00439581577765,4.28650302037,0.00217082289174,153.440198563,-4.62536743346e-05,15.4153269263 -0.4700000000000003,0.0119359941745,37.767391036,-0.00426962454311,4.28650302037,0.0040312798916,153.440198563,-4.81246088084e-05,15.4153269263 -0.4750000000000003,0.0116562165228,37.767391036,-0.00418567497193,4.28650302037,0.00945788743967,153.440198563,-5.06120757773e-05,15.4153269263 -0.4800000000000003,0.00993698502416,37.767391036,-0.00414037944419,4.28650302037,0.0396906266945,153.440198563,-5.38969552789e-05,15.4153269263 -0.4850000000000003,0.00404605115942,37.767391036,-0.00413213174602,4.28650302037,154.150605696,153.440198563,-5.82581034752e-05,15.4153269263 -0.4900000000000003,0.00998731207677,37.767391036,-0.00416114504231,4.28650302037,0.034118947356,153.440198563,-6.41425967643e-05,15.4153269263 -0.49500000000000033,0.0128971436753,37.767391036,-0.00421966639005,4.28650302037,0.0125953353559,153.440198563,-6.81736548532e-05,15.4153269263 From 340319891d57883554cc79efda47d4589e06e179 Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 11:50:30 -0700 Subject: [PATCH 60/77] Delete pp2_print_3.csv Added wrong version again --- .../Validation/gold/DSS/pp2_print_3.csv | 101 ------------------ 1 file changed, 101 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_3.csv diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_3.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_3.csv deleted file mode 100644 index dcd2fd431f..0000000000 --- a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_3.csv +++ /dev/null @@ -1,101 +0,0 @@ -pivot_parameter,x1_x2_dss,x1_x2_total_distance,x1_x2_process_time,x1_x2_standard_deviation,y1_y2_dss,y1_y2_total_distance,y1_y2_process_time,y1_y2_standard_deviation -0.0,0.697504916097,44.0357167442,0.000187067290355,4.26023895104,2.11276592754e-05,89.5779339625,-0.000285845842716,6.37493074725 -0.005,0.0937961442649,44.0357167442,-0.0107945042615,4.26023895104,3.92865465678e-05,89.5779339625,-0.000364488540017,6.37493074725 -0.01,0.0146841058889,44.0357167442,-9.71177503994e-05,4.26023895104,6.67856771506e-05,89.5779339625,-0.000443156077267,6.37493074725 -0.015,0.00506653565941,44.0357167442,-5.33732447477e-05,4.26023895104,8.62016576422e-05,89.5779339625,-0.000512069162707,6.37493074725 -0.02,0.00264912003481,44.0357167442,-3.93028795981e-05,4.26023895104,9.26173409153e-05,89.5779339625,-0.000570402317613,6.37493074725 -0.025,0.00168680153944,44.0357167442,-3.26829677854e-05,4.26023895104,8.30889723401e-05,89.5779339625,-0.000618795490168,6.37493074725 -0.030000000000000002,0.00120431279303,44.0357167442,-2.90367763534e-05,4.26023895104,4.79002520117e-05,89.5779339625,-0.000658842799678,6.37493074725 -0.035,0.000924973573352,44.0357167442,-2.68683093569e-05,4.26023895104,6.63160867215e-05,89.5779339625,-0.000692611654596,6.37493074725 -0.04,0.00074556549366,44.0357167442,-2.55379784572e-05,4.26023895104,0.000106803672211,89.5779339625,-0.00072232082436,6.37493074725 -0.045,0.000620054135386,44.0357167442,-2.47300438834e-05,4.26023895104,0.000127260851072,89.5779339625,-0.000750198057986,6.37493074725 -0.049999999999999996,0.000524915785644,44.0357167442,-2.42749694187e-05,4.26023895104,0.000126106445899,89.5779339625,-0.000778489952812,6.37493074725 -0.05499999999999999,0.000446506998059,44.0357167442,-2.40785835079e-05,4.26023895104,9.45463572758e-05,89.5779339625,-0.000809598180607,6.37493074725 -0.05999999999999999,0.000375594130202,44.0357167442,-2.40903563519e-05,4.26023895104,1.65922809e-05,89.5779339625,-0.000846347883827,6.37493074725 -0.06499999999999999,0.000304218800638,44.0357167442,-2.42883489049e-05,4.26023895104,0.000135747532565,89.5779339625,-0.000892453698131,6.37493074725 -0.06999999999999999,0.000221835612996,44.0357167442,-2.4672418092e-05,4.26023895104,0.000413231845106,89.5779339625,-0.000953366778074,6.37493074725 -0.075,9.2770565207e-05,44.0357167442,-2.52624422277e-05,4.26023895104,0.00091376853062,89.5779339625,-0.001037969938,6.37493074725 -0.08,0.000173172894743,44.0357167442,-2.61007254317e-05,4.26023895104,0.00184345477911,89.5779339625,-0.00116240376062,6.37493074725 -0.085,0.000255676889715,44.0357167442,-2.72594468592e-05,4.26023895104,0.00369298428297,89.5779339625,-0.00136012060659,6.37493074725 -0.09000000000000001,0.000305994644935,44.0357167442,-2.88562660331e-05,4.26023895104,0.00786265864931,89.5779339625,-0.00171461681719,6.37493074725 -0.09500000000000001,0.000326642852658,44.0357167442,-3.10857518336e-05,4.26023895104,0.0196849658811,89.5779339625,-0.00251090325498,6.37493074725 -0.10000000000000002,0.000299811467444,44.0357167442,-3.42857835574e-05,4.26023895104,0.072195401223,89.5779339625,-0.00577866461621,6.37493074725 -0.10500000000000002,0.000134961152106,44.0357167442,-3.90918580476e-05,4.26023895104,59.6980859328,89.5779339625,0.00984455394909,6.37493074725 -0.11000000000000003,0.000386021399898,44.0357167442,-4.68508068181e-05,4.26023895104,0.14193230949,89.5779339625,0.00228496629479,6.37493074725 -0.11500000000000003,0.000689017368324,44.0357167442,-6.09976586018e-05,4.26023895104,0.0323262493585,89.5779339625,0.00117371403423,6.37493074725 -0.12000000000000004,0.00102175449744,44.0357167442,-9.36654095125e-05,4.26023895104,0.0132653728221,89.5779339625,0.000729645787486,6.37493074725 -0.12500000000000003,0.0013483939446,44.0357167442,-0.000240809435488,4.26023895104,0.00662492545004,89.5779339625,0.000490726533187,6.37493074725 -0.13000000000000003,0.00225972652341,44.0357167442,0.000312906657587,4.26023895104,0.00353345960159,89.5779339625,0.00033995371488,6.37493074725 -0.13500000000000004,0.00276334008842,44.0357167442,8.79609596538e-05,4.26023895104,0.00186443481341,89.5779339625,0.000233288254922,6.37493074725 -0.14000000000000004,0.00357504670606,44.0357167442,4.91331111265e-05,4.26023895104,0.000897577524816,89.5779339625,0.000149619168864,6.37493074725 -0.14500000000000005,0.00465976804457,44.0357167442,3.31771549351e-05,4.26023895104,0.000330318804864,89.5779339625,7.64550608065e-05,6.37493074725 -0.15000000000000005,0.00614778533549,44.0357167442,2.45300381279e-05,4.26023895104,1.29353018048e-05,89.5779339625,4.40631399263e-06,6.37493074725 -0.15500000000000005,0.00831850845749,44.0357167442,1.90996554934e-05,4.26023895104,0.000139727800254,89.5779339625,-7.58221086535e-05,6.37493074725 -0.16000000000000006,0.0118115724806,44.0357167442,1.53305942382e-05,4.26023895104,0.000181860188277,89.5779339625,-0.000176144980024,6.37493074725 -0.16500000000000006,0.018375321213,44.0357167442,1.24932460113e-05,4.26023895104,0.000150837393926,89.5779339625,-0.000315173730856,6.37493074725 -0.17000000000000007,0.0345105680007,44.0357167442,1.01920437362e-05,4.26023895104,7.50239026571e-05,89.5779339625,-0.000526715755,6.37493074725 -0.17500000000000007,0.106536282721,44.0357167442,8.18702485921e-06,4.26023895104,1.45928717769e-05,89.5779339625,-0.000881888450068,6.37493074725 -0.18000000000000008,42.5050393615,44.0357167442,6.31817273867e-06,4.26023895104,6.56593858581e-05,89.5779339625,-0.00156222652767,6.37493074725 -0.18500000000000008,0.0649333036591,44.0357167442,4.46936234261e-06,4.26023895104,0.000496398707045,89.5779339625,-0.00321143489458,6.37493074725 -0.19000000000000009,0.00826148646792,44.0357167442,2.54933415573e-06,4.26023895104,0.00261240983115,89.5779339625,-0.0109964997649,6.37493074725 -0.1950000000000001,0.000626779082105,44.0357167442,4.80492674955e-07,4.26023895104,0.0050883390726,89.5779339625,0.0177953503839,6.37493074725 -0.2000000000000001,0.00119382519224,44.0357167442,-1.80867751303e-06,4.26023895104,0.00192045995026,89.5779339625,0.00651698961225,6.37493074725 -0.2050000000000001,0.00165109291848,44.0357167442,-4.38977505641e-06,4.26023895104,0.00116369666109,89.5779339625,0.00460286823153,6.37493074725 -0.2100000000000001,0.00168763904999,44.0357167442,-7.34063222456e-06,4.26023895104,0.000334337764555,89.5779339625,0.00385576098808,6.37493074725 -0.2150000000000001,0.0015783384851,44.0357167442,-1.07526691661e-05,4.26023895104,0.00103512244089,89.5779339625,0.00347146350879,6.37493074725 -0.2200000000000001,0.001418432001,44.0357167442,-1.47408934766e-05,4.26023895104,0.00157196745902,89.5779339625,0.0032342436858,6.37493074725 -0.22500000000000012,0.00124384440593,44.0357167442,-1.94586942711e-05,4.26023895104,0.00206145450576,89.5779339625,0.00306143899918,6.37493074725 -0.23000000000000012,0.00106802325323,44.0357167442,-2.51211187804e-05,4.26023895104,0.00256464516031,89.5779339625,0.00291624283213,6.37493074725 -0.23500000000000013,0.000894848382723,44.0357167442,-3.20435749503e-05,4.26023895104,0.00311554115278,89.5779339625,0.00278230231857,6.37493074725 -0.24000000000000013,0.000723278600185,44.0357167442,-4.07100742261e-05,4.26023895104,0.00375191397058,89.5779339625,0.00265371902434,6.37493074725 -0.24500000000000013,0.00054800403086,44.0357167442,-5.19020566123e-05,4.26023895104,0.00452998537195,89.5779339625,0.00252998198122,6.37493074725 -0.2500000000000001,0.0003537970648,44.0357167442,-6.69627130596e-05,4.26023895104,0.0055431846461,89.5779339625,0.00241301574614,6.37493074725 -0.2550000000000001,8.68407622395e-05,44.0357167442,-8.840025254e-05,4.26023895104,0.00695954936342,89.5779339625,0.00230547016147,6.37493074725 -0.2600000000000001,0.000316952656444,44.0357167442,-0.000121477670975,4.26023895104,0.00911184615088,89.5779339625,0.00220985266387,6.37493074725 -0.2650000000000001,0.000390433716055,44.0357167442,-0.000179380133502,4.26023895104,0.0127519961552,89.5779339625,0.00212821322694,6.37493074725 -0.27000000000000013,0.000393465128533,44.0357167442,-0.000306996636892,4.26023895104,0.0199385942529,89.5779339625,0.00206215097769,6.37493074725 -0.27500000000000013,0.000259823603625,44.0357167442,-0.00081908905086,4.26023895104,0.0383712317313,89.5779339625,0.00201298017563,6.37493074725 -0.28000000000000014,0.000775077762552,44.0357167442,0.00173456837424,4.26023895104,0.122616509773,89.5779339625,0.00198196146425,6.37493074725 -0.28500000000000014,0.00023764621841,44.0357167442,0.000462059034537,4.26023895104,19.700138365,89.5779339625,0.00197055879032,6.37493074725 -0.29000000000000015,0.000493550598071,44.0357167442,0.00028067956066,4.26023895104,0.112162774452,89.5779339625,0.00198072105478,6.37493074725 -0.29500000000000015,0.000822464916217,44.0357167442,0.000208933559662,4.26023895104,0.0192211930105,89.5779339625,0.00201521644409,6.37493074725 -0.30000000000000016,0.00116169892401,44.0357167442,0.000171118821449,4.26023895104,0.0053257961665,89.5779339625,0.00207807654646,6.37493074725 -0.30500000000000016,0.00155629676066,44.0357167442,0.000148324911653,4.26023895104,0.00117886244913,89.5779339625,0.00217525091048,6.37493074725 -0.31000000000000016,0.0020436250356,44.0357167442,0.000133611868893,4.26023895104,0.000489612659742,89.5779339625,0.00231565489266,6.37493074725 -0.31500000000000017,0.00267369945956,44.0357167442,0.000123857659431,4.26023895104,0.00130280875937,89.5779339625,0.00251296636026,6.37493074725 -0.3200000000000002,0.00352482565735,44.0357167442,0.000117477508466,4.26023895104,0.00177496195624,89.5779339625,0.00278891875703,6.37493074725 -0.3250000000000002,0.00473050748682,44.0357167442,0.000113612883448,4.26023895104,0.0021113675454,89.5779339625,0.00317980679092,6.37493074725 -0.3300000000000002,0.00653681064575,44.0357167442,0.000111796354109,4.26023895104,0.00241562198867,89.5779339625,0.00375058898393,6.37493074725 -0.3350000000000002,0.00944099419118,44.0357167442,0.000111800971938,4.26023895104,0.00276359005011,89.5779339625,0.00462944472829,6.37493074725 -0.3400000000000002,0.0145776170637,44.0357167442,0.000113573416926,4.26023895104,0.00325296345912,89.5779339625,0.00610842452499,6.37493074725 -0.3450000000000002,0.0250252601294,44.0357167442,0.000117213412398,4.26023895104,0.00410752911143,89.5779339625,0.00902663680069,6.37493074725 -0.3500000000000002,0.0517716847166,44.0357167442,0.000122987924362,4.26023895104,0.00626092857003,89.5779339625,0.0171745788181,6.37493074725 -0.3550000000000002,0.160901321584,44.0357167442,0.000131384453022,4.26023895104,0.0367857434348,89.5779339625,0.144573548471,6.37493074725 -0.3600000000000002,2.71000601085,44.0357167442,0.000143225879407,4.26023895104,0.00166587610837,89.5779339625,-0.0235836339062,6.37493074725 -0.3650000000000002,0.621168188205,44.0357167442,0.000159904569424,4.26023895104,0.00236685788718,89.5779339625,-0.0112173400401,6.37493074725 -0.3700000000000002,0.101184406539,44.0357167442,0.00018388215854,4.26023895104,0.0021544142614,89.5779339625,-0.00752485588267,6.37493074725 -0.3750000000000002,0.0395445157335,44.0357167442,0.000219865709778,4.26023895104,0.00187023013084,89.5779339625,-0.00576836367287,6.37493074725 -0.3800000000000002,0.020731027085,44.0357167442,0.000278016443716,4.26023895104,0.00158224125788,89.5779339625,-0.00475289220685,6.37493074725 -0.38500000000000023,0.0124940531692,44.0357167442,0.000384919001233,4.26023895104,0.00125940365609,89.5779339625,-0.0040989157843,6.37493074725 -0.39000000000000024,0.00792622026028,44.0357167442,0.000638946067439,4.26023895104,0.000805222891586,89.5779339625,-0.00364823941549,6.37493074725 -0.39500000000000024,0.00367028294534,44.0357167442,0.00195379613823,4.26023895104,0.000642488192155,89.5779339625,-0.00332327129511,6.37493074725 -0.40000000000000024,0.00713198135694,44.0357167442,-0.00182237742406,4.26023895104,0.00131297211674,89.5779339625,-0.0030815746583,6.37493074725 -0.40500000000000025,0.00442217183681,44.0357167442,-0.000623365837177,4.26023895104,0.00186121660434,89.5779339625,-0.00289807337854,6.37493074725 -0.41000000000000025,0.00329145086517,44.0357167442,-0.000378356824786,4.26023895104,0.00243197347686,89.5779339625,-0.00275709110425,6.37493074725 -0.41500000000000026,0.0025350029359,44.0357167442,-0.000273627629424,4.26023895104,0.00309011646196,89.5779339625,-0.00264842209179,6.37493074725 -0.42000000000000026,0.00195762487678,44.0357167442,-0.000216008032518,4.26023895104,0.00390088290922,89.5779339625,-0.0025652410408,6.37493074725 -0.42500000000000027,0.00147553942647,44.0357167442,-0.000179884151406,4.26023895104,0.00495392742002,89.5779339625,-0.00250292540711,6.37493074725 -0.43000000000000027,0.00102970485609,44.0357167442,-0.000155370097544,4.26023895104,0.00639142693966,89.5779339625,-0.00245836338218,6.37493074725 -0.4350000000000003,0.000524377325876,44.0357167442,-0.000137847260035,4.26023895104,0.00846098113898,89.5779339625,-0.00242953730591,6.37493074725 -0.4400000000000003,0.000538920206172,44.0357167442,-0.000124872895722,4.26023895104,0.0116341321439,89.5779339625,-0.00241527384152,6.37493074725 -0.4450000000000003,0.00083332836303,44.0357167442,-0.000115037905335,4.26023895104,0.0169104377955,89.5779339625,-0.00241510351775,6.37493074725 -0.4500000000000003,0.000979990307551,44.0357167442,-0.000107476524761,4.26023895104,0.0267384670864,89.5779339625,-0.00242920045163,6.37493074725 -0.4550000000000003,0.00104034092623,44.0357167442,-0.000101631778891,4.26023895104,0.0485577816502,89.5779339625,-0.00245839075619,6.37493074725 -0.4600000000000003,0.00101105932075,44.0357167442,-9.7133762618e-05,4.26023895104,0.115008653783,89.5779339625,-0.00250423197698,6.37493074725 -0.4650000000000003,0.000835758543549,44.0357167442,-9.37324469875e-05,4.26023895104,0.558814625608,89.5779339625,-0.00256918057227,6.37493074725 -0.4700000000000003,0.000197511945031,44.0357167442,-9.12588907404e-05,4.26023895104,10.5622659818,89.5779339625,-0.0026568850777,6.37493074725 -0.4750000000000003,0.00120658782902,44.0357167442,-8.96022798672e-05,4.26023895104,0.248409416677,89.5779339625,-0.00277267748798,6.37493074725 -0.4800000000000003,0.00200560785636,44.0357167442,-8.86964203642e-05,4.26023895104,0.0696616165828,89.5779339625,-0.00292440131514,6.37493074725 -0.4850000000000003,0.00293042744372,44.0357167442,-8.85123865531e-05,4.26023895104,0.030694566771,89.5779339625,-0.00312384969114,6.37493074725 -0.4900000000000003,0.00351792539219,44.0357167442,-8.90557076899e-05,4.26023895104,0.0142117199018,89.5779339625,-0.00338938462777,6.37493074725 -0.49500000000000033,0.00355039112854,44.0357167442,-9.06229094189e-05,4.26023895104,0.00873543121424,89.5779339625,-0.00358403899994,6.37493074725 From 06ca1fa73c4cdba944644726a58c4e56912c641f Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 11:52:38 -0700 Subject: [PATCH 61/77] Add files via upload Added correct files this time..... --- .../Validation/gold/DSS/pp2_print_0.csv | 101 ++++++++++++++++++ .../Validation/gold/DSS/pp2_print_1.csv | 101 ++++++++++++++++++ .../Validation/gold/DSS/pp2_print_2.csv | 101 ++++++++++++++++++ .../Validation/gold/DSS/pp2_print_3.csv | 101 ++++++++++++++++++ 4 files changed, 404 insertions(+) create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_0.csv create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_1.csv create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_2.csv create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_3.csv diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_0.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_0.csv new file mode 100644 index 0000000000..f93b5c916f --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_0.csv @@ -0,0 +1,101 @@ +pivot_parameter,dss_x2_x1,total_distance_x2_x1,process_time_x2_x1,standard_deviation_x2_x1,dss_y2_y1,total_distance_y2_y1,process_time_y2_y1,standard_deviation_y2_y1 +0.0,0.0756901816043,24.887493332,-0.000351283270388,2.59700011532,0.0356012101676,53.1999350236,0.206070488345,4.78635605162 +0.005,0.0510745233206,24.887493332,-0.000385934668242,2.59700011532,0.0448169166406,53.1999350236,0.210768607572,4.78635605162 +0.01,0.0256194405153,24.887493332,-0.000406159113474,2.59700011532,0.052224344465,53.1999350236,0.204272609211,4.78635605162 +0.015,0.0150024229693,24.887493332,-0.000421393172979,2.59700011532,0.0516883771607,53.1999350236,0.20010519813,4.78635605162 +0.02,0.010257283552,24.887493332,-0.000432783299084,2.59700011532,0.0451798791812,53.1999350236,0.197573824791,4.78635605162 +0.025,0.00769231680981,24.887493332,-0.000441348962559,2.59700011532,0.0284060742231,53.1999350236,0.196261897457,4.78635605162 +0.030000000000000002,0.00612549904352,24.887493332,-0.000447943830224,2.59700011532,0.0336672365961,53.1999350236,0.195926608029,4.78635605162 +0.035,0.00507743437159,24.887493332,-0.000453262151306,2.59700011532,0.0629855379733,53.1999350236,0.196444243236,4.78635605162 +0.04,0.00431968056602,24.887493332,-0.000457866493304,2.59700011532,0.0894619720643,53.1999350236,0.19778161272,4.78635605162 +0.045,0.00372831979973,24.887493332,-0.000462222758356,2.59700011532,0.1172518338,53.1999350236,0.199984022056,4.78635605162 +0.049999999999999996,0.00322683934388,24.887493332,-0.000466735814408,2.59700011532,0.148479034567,53.1999350236,0.203176148606,4.78635605162 +0.05499999999999999,0.00275944130293,24.887493332,-0.000471783762648,2.59700011532,0.185378812568,53.1999350236,0.207576121419,4.78635605162 +0.05999999999999999,0.00227360608449,24.887493332,-0.00047775165284,2.59700011532,0.231060029877,53.1999350236,0.213527199795,4.78635605162 +0.06499999999999999,0.00169433633486,24.887493332,-0.000485067311788,2.59700011532,0.290431280096,53.1999350236,0.221557909815,4.78635605162 +0.06999999999999999,0.000772991562933,24.887493332,-0.000494243726694,2.59700011532,0.371943441596,53.1999350236,0.232494548059,4.78635605162 +0.075,0.00130283362855,24.887493332,-0.000505935007915,2.59700011532,0.491460016819,53.1999350236,0.24768026844,4.78635605162 +0.08,0.00199187521109,24.887493332,-0.000521017617242,2.59700011532,0.682094146904,53.1999350236,0.269434057245,4.78635605162 +0.085,0.00245409022898,24.887493332,-0.000540717719677,2.59700011532,1.02380596657,53.1999350236,0.302118525415,4.78635605162 +0.09000000000000001,0.00272598009733,24.887493332,-0.000566824621632,2.59700011532,1.75751674307,53.1999350236,0.355020324828,4.78635605162 +0.09500000000000001,0.00271172120559,24.887493332,-0.000602072646113,2.59700011532,3.96065102521,53.1999350236,0.452043262233,4.78635605162 +0.10000000000000002,0.0020653563727,24.887493332,-0.000650875572106,2.59700011532,22.063705504,53.1999350236,0.679238712152,4.78635605162 +0.10500000000000002,0.00211813443079,24.887493332,-0.000720868007637,2.59700011532,32.5016834277,53.1999350236,1.76335102388,4.78635605162 +0.11000000000000003,0.00483476705374,24.887493332,-0.000826525967792,2.59700011532,13.8684083592,53.1999350236,-1.84767843252,4.78635605162 +0.11500000000000003,0.00772383018827,24.887493332,-0.000999095540335,2.59700011532,2.46453702091,53.1999350236,-0.525372763748,4.78635605162 +0.12000000000000004,0.0111468044228,24.887493332,-0.00132091190976,2.59700011532,0.944134639777,53.1999350236,-0.278401055973,4.78635605162 +0.12500000000000003,0.0151108859396,24.887493332,-0.00210251007708,2.59700011532,0.459372384566,53.1999350236,-0.174801950313,4.78635605162 +0.13000000000000003,0.0171343953503,24.887493332,-0.00646411039937,2.59700011532,0.248870152479,53.1999350236,-0.117764017075,4.78635605162 +0.13500000000000004,0.0350652053287,24.887493332,0.00483896441515,2.59700011532,0.140697849216,53.1999350236,-0.0811959709455,4.78635605162 +0.14000000000000004,0.0423716405627,24.887493332,0.00164348920338,2.59700011532,0.0787121176144,53.1999350236,-0.054939356815,4.78635605162 +0.14500000000000005,0.0556065274189,24.887493332,0.000952164683723,2.59700011532,0.0402717597698,53.1999350236,-0.0339839519099,4.78635605162 +0.15000000000000005,0.0750741244315,24.887493332,0.000652717338428,2.59700011532,0.0148647829393,53.1999350236,-0.0152581605846,4.78635605162 +0.15500000000000005,0.105121364985,24.887493332,0.000486276138869,2.59700011532,0.00289817867961,53.1999350236,0.00366434837427,4.78635605162 +0.16000000000000006,0.156661888365,24.887493332,0.000380003627249,2.59700011532,0.0159186133438,53.1999350236,0.0253281189163,4.78635605162 +0.16500000000000006,0.262367592272,24.887493332,0.00030521417449,2.59700011532,0.025571042223,53.1999350236,0.0531682521213,4.78635605162 +0.17000000000000007,0.564364908709,24.887493332,0.000248127467158,2.59700011532,0.0315872784201,53.1999350236,0.0927821259941,4.78635605162 +0.17500000000000007,2.5959579167,24.887493332,0.000201130085144,2.59700011532,0.0292029206784,53.1999350236,0.154754141223,4.78635605162 +0.18000000000000008,16.475446849,24.887493332,0.000159525889875,2.59700011532,0.0358911787049,53.1999350236,0.262490035739,4.78635605162 +0.18500000000000008,0.511783036992,24.887493332,0.000120133768726,2.59700011532,0.110684484186,53.1999350236,0.480628409477,4.78635605162 +0.19000000000000009,0.10082323864,24.887493332,8.06091792099e-05,2.59700011532,0.287502181726,53.1999350236,1.07825811416,4.78635605162 +0.1950000000000001,0.0217616071722,24.887493332,3.90793631522e-05,2.59700011532,1.76278846025,53.1999350236,6.44341026385,4.78635605162 +0.2000000000000001,0.0018057589186,24.887493332,-6.0783411812e-06,2.59700011532,0.708546763109,53.1999350236,-2.77999234179,4.78635605162 +0.2050000000000001,0.00986119174713,24.887493332,-5.6395309412e-05,2.59700011532,0.288768517405,53.1999350236,-1.4250988599,4.78635605162 +0.2100000000000001,0.0123886048682,24.887493332,-0.000113451921497,2.59700011532,0.0453883904931,53.1999350236,-1.07480405018,4.78635605162 +0.2150000000000001,0.0126672479613,24.887493332,-0.000179031059276,2.59700011532,0.216098228243,53.1999350236,-0.918928673398,4.78635605162 +0.2200000000000001,0.0119639992296,24.887493332,-0.000255316700686,2.59700011532,0.303782296424,53.1999350236,-0.829882029715,4.78635605162 +0.22500000000000012,0.0108188848603,24.887493332,-0.000345181037066,2.59700011532,0.376540448411,53.1999350236,-0.768590246102,4.78635605162 +0.23000000000000012,0.00947298486221,24.887493332,-0.000452632098144,2.59700011532,0.444674685389,53.1999350236,-0.719533354007,4.78635605162 +0.23500000000000013,0.0080303460657,24.887493332,-0.000583556378394,2.59700011532,0.511709354218,53.1999350236,-0.676086138182,4.78635605162 +0.24000000000000013,0.00652220624591,24.887493332,-0.00074703080616,2.59700011532,0.580320553624,53.1999350236,-0.635687041334,4.78635605162 +0.24500000000000013,0.00492318860659,24.887493332,-0.000957812458771,2.59700011532,0.65402690633,53.1999350236,-0.597721930261,4.78635605162 +0.2500000000000001,0.00309611593474,24.887493332,-0.00124149111194,2.59700011532,0.738159324039,53.1999350236,-0.562420286285,4.78635605162 +0.2550000000000001,0.00120852123153,24.887493332,-0.00164639842495,2.59700011532,0.841123459156,53.1999350236,-0.530264983882,4.78635605162 +0.2600000000000001,0.00296770830518,24.887493332,-0.00227557552413,2.59700011532,0.976992971635,53.1999350236,-0.501711546802,4.78635605162 +0.2650000000000001,0.00346446876209,24.887493332,-0.00339370868859,2.59700011532,1.17176767092,53.1999350236,-0.477092298472,4.78635605162 +0.27000000000000013,0.00311165177851,24.887493332,-0.0059459529095,2.59700011532,1.48075094168,53.1999350236,-0.456618664681,4.78635605162 +0.27500000000000013,5.81181297004e-05,24.887493332,-0.017658799066,2.59700011532,2.04846257485,53.1999350236,-0.440426219434,4.78635605162 +0.28000000000000014,0.00944333510943,24.887493332,0.023614750085,2.59700011532,3.40557789309,53.1999350236,-0.428632720771,4.78635605162 +0.28500000000000014,0.00340829970713,24.887493332,0.00767066056605,2.59700011532,3.11284671985,53.1999350236,-0.421397253632,4.78635605162 +0.29000000000000015,0.00465662583969,24.887493332,0.00479547193423,2.59700011532,7.3226845792,53.1999350236,-0.418979551034,4.78635605162 +0.29500000000000015,0.00803485316173,24.887493332,0.00360288615197,2.59700011532,2.89900743487,53.1999350236,-0.421805251145,4.78635605162 +0.30000000000000016,0.011317208785,24.887493332,0.00295953304001,2.59700011532,1.81265725321,53.1999350236,-0.430548255252,4.78635605162 +0.30500000000000016,0.0150342971053,24.887493332,0.00256543644154,2.59700011532,1.33509443051,53.1999350236,-0.446248610867,4.78635605162 +0.31000000000000016,0.0195367803603,24.887493332,0.00230729950188,2.59700011532,1.07524607458,53.1999350236,-0.470497775671,4.78635605162 +0.31500000000000017,0.0252566844823,24.887493332,0.00213320374467,2.59700011532,0.919444803615,53.1999350236,-0.505751070035,4.78635605162 +0.3200000000000002,0.0328467262745,24.887493332,0.00201640022284,2.59700011532,0.823327239499,53.1999350236,-0.555889367891,4.78635605162 +0.3250000000000002,0.0433920010407,24.887493332,0.0019421605681,2.59700011532,0.767055057191,53.1999350236,-0.627301579015,4.78635605162 +0.3300000000000002,0.0588411035857,24.887493332,0.00190225207722,2.59700011532,0.742100920444,53.1999350236,-0.731155591538,4.78635605162 +0.3350000000000002,0.0830086530868,24.887493332,0.00189240571623,2.59700011532,0.747384467914,53.1999350236,-0.888719562089,4.78635605162 +0.3400000000000002,0.12423731265,24.887493332,0.00191114377949,2.59700011532,0.790619061756,53.1999350236,-1.14588760045,4.78635605162 +0.3450000000000002,0.203820698837,24.887493332,0.00195933974328,2.59700011532,0.899404931831,53.1999350236,-1.62299653837,4.78635605162 +0.3500000000000002,0.390562922342,24.887493332,0.00204028979904,2.59700011532,1.18152944757,53.1999350236,-2.76799848929,4.78635605162 +0.3550000000000002,1.02223133173,24.887493332,0.00216030007533,2.59700011532,2.64941999732,53.1999350236,-8.84234636717,4.78635605162 +0.3600000000000002,6.9577971122,24.887493332,0.00233000990751,2.59700011532,1.20022386476,53.1999350236,8.04846171823,4.78635605162 +0.3650000000000002,18.536899259,24.887493332,0.00256703619018,2.59700011532,0.458741195621,53.1999350236,2.87699372783,4.78635605162 +0.3700000000000002,1.39066604189,24.887493332,0.0029013579004,2.59700011532,0.428452490342,53.1999350236,1.80260103173,4.78635605162 +0.3750000000000002,0.461207455208,24.887493332,0.00338712026367,2.59700011532,0.362958187378,53.1999350236,1.34317089246,4.78635605162 +0.3800000000000002,0.223731187001,24.887493332,0.00413170682114,2.59700011532,0.301055452763,53.1999350236,1.09124468109,4.78635605162 +0.38500000000000023,0.128229841417,24.887493332,0.00538073173552,2.59700011532,0.240107113086,53.1999350236,0.93409620892,4.78635605162 +0.39000000000000024,0.0784920119467,24.887493332,0.00784320725238,2.59700011532,0.170645997776,53.1999350236,0.828064963517,4.78635605162 +0.39500000000000024,0.0431611488023,24.887493332,0.0147525608011,2.59700011532,0.0479569348817,53.1999350236,0.752702627484,4.78635605162 +0.40000000000000024,0.125171738448,24.887493332,0.133635902199,2.59700011532,0.157958083139,53.1999350236,0.697173708623,4.78635605162 +0.40500000000000025,0.0584942984204,24.887493332,-0.0189855321451,2.59700011532,0.233609668151,53.1999350236,0.655219001313,4.78635605162 +0.41000000000000025,0.037702725343,24.887493332,-0.00892863564252,2.59700011532,0.297743334418,53.1999350236,0.622989555054,4.78635605162 +0.41500000000000026,0.027827106942,24.887493332,-0.00588638133755,2.59700011532,0.360227788464,53.1999350236,0.598008455715,4.78635605162 +0.42000000000000026,0.0211987160476,24.887493332,-0.00442910916332,2.59700011532,0.42599152393,53.1999350236,0.57863048966,4.78635605162 +0.42500000000000027,0.0160802276811,24.887493332,-0.00358152181559,2.59700011532,0.499061371088,53.1999350236,0.563742368813,4.78635605162 +0.43000000000000027,0.0116739791922,24.887493332,-0.00303237055096,2.59700011532,0.583905567893,53.1999350236,0.552588046692,4.78635605162 +0.4350000000000003,0.00728500366889,24.887493332,-0.00265158641512,2.59700011532,0.686486121185,53.1999350236,0.544663350089,4.78635605162 +0.4400000000000003,0.00243291347265,24.887493332,-0.00237526997039,2.59700011532,0.815737263059,53.1999350236,0.539651413346,4.78635605162 +0.4450000000000003,0.00696198428924,24.887493332,-0.00216842991751,2.59700011532,0.986299442514,53.1999350236,0.537383772652,4.78635605162 +0.4500000000000003,0.00884851819847,24.887493332,-0.00201036354406,2.59700011532,1.22437969711,53.1999350236,0.537819018778,4.78635605162 +0.4550000000000003,0.00981004369416,24.887493332,-0.00188810713602,2.59700011532,1.58201216785,53.1999350236,0.541034965552,4.78635605162 +0.4600000000000003,0.0100218150295,24.887493332,-0.00179320090124,2.59700011532,2.17654305476,53.1999350236,0.547232998658,4.78635605162 +0.4650000000000003,0.00925982419887,24.887493332,-0.0017199680688,2.59700011532,3.29135191908,53.1999350236,0.556755557551,4.78635605162 +0.4700000000000003,0.00649167144982,24.887493332,-0.00166454644856,2.59700011532,0.343367636509,53.1999350236,0.570120302197,4.78635605162 +0.4750000000000003,0.00695375377574,24.887493332,-0.00162432127992,2.59700011532,18.3891004778,53.1999350236,0.588078304694,4.78635605162 +0.4800000000000003,0.0147497845514,24.887493332,-0.00159758644143,2.59700011532,5.42949840841,53.1999350236,0.611710070066,4.78635605162 +0.4850000000000003,0.0228537785489,24.887493332,-0.0015833449369,2.59700011532,3.20885144676,53.1999350236,0.642585338604,4.78635605162 +0.4900000000000003,0.0280619238181,24.887493332,-0.00158120223415,2.59700011532,2.04560508739,53.1999350236,0.683037188758,4.78635605162 +0.49500000000000033,0.0287684290134,24.887493332,-0.00160677194296,2.59700011532,1.49764431607,53.1999350236,0.715994577108,4.78635605162 diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_1.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_1.csv new file mode 100644 index 0000000000..a704d0ef68 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_1.csv @@ -0,0 +1,101 @@ +pivot_parameter,dss_x2_x1,total_distance_x2_x1,process_time_x2_x1,standard_deviation_x2_x1,dss_y2_y1,total_distance_y2_y1,process_time_y2_y1,standard_deviation_y2_y1 +0.0,0.774109933747,78.5323269828,-0.00111513031321,8.02406872151,0.00015699442728,21.1645936719,0.000388766220683,3.62270476039 +0.005,0.172934844167,78.5323269828,0.000312548594868,8.02406872151,0.000253790755873,21.1645936719,0.000478997467537,3.62270476039 +0.01,0.0434518775793,78.5323269828,9.33645706157e-05,8.02406872151,0.000389758416471,21.1645936719,0.00056805120926,3.62270476039 +0.015,0.019233004651,78.5323269828,5.94011493334e-05,8.02406872151,0.000486770043257,21.1645936719,0.000646124658721,3.62270476039 +0.02,0.0112138144262,78.5323269828,4.6202616342e-05,8.02406872151,0.000529134300053,21.1645936719,0.000713124729502,3.62270476039 +0.025,0.00757486755401,78.5323269828,3.95339280479e-05,8.02406872151,0.000474278984792,21.1645936719,0.000770415120738,3.62270476039 +0.030000000000000002,0.00559988445393,78.5323269828,3.57467616553e-05,8.02406872151,0.000152740369949,21.1645936719,0.000820287742045,3.62270476039 +0.035,0.004390795607,78.5323269828,3.34846745312e-05,8.02406872151,0.000797991250143,21.1645936719,0.000865542594222,3.62270476039 +0.04,0.00357888192657,78.5323269828,3.21335157958e-05,8.02406872151,0.00139258099056,21.1645936719,0.00090927581244,3.62270476039 +0.045,0.00298801637499,78.5323269828,3.13820403602e-05,8.02406872151,0.00213544322869,21.1645936719,0.000954896315223,3.62270476039 +0.049999999999999996,0.002522954625,78.5323269828,3.10643814811e-05,8.02406872151,0.00312433905151,21.1645936719,0.00100638290725,3.62270476039 +0.05499999999999999,0.00212519328404,78.5323269828,3.10947442252e-05,8.02406872151,0.00449128682363,21.1645936719,0.00106885498154,3.62270476039 +0.05999999999999999,0.00175195717774,78.5323269828,3.14383431158e-05,8.02406872151,0.00644420016217,21.1645936719,0.0011496907818,3.62270476039 +0.06499999999999999,0.00136101853355,78.5323269828,3.2099324124e-05,8.02406872151,0.00933486602648,21.1645936719,0.00126083041451,3.62270476039 +0.06999999999999999,0.000878087855177,78.5323269828,3.31188790748e-05,8.02406872151,0.0138014458706,21.1645936719,0.00142407700497,3.62270476039 +0.075,0.000466896928717,78.5323269828,3.45823471465e-05,8.02406872151,0.0211082874645,21.1645936719,0.00168536859298,3.62270476039 +0.08,0.00105539943751,78.5323269828,3.66384375052e-05,8.02406872151,0.0340932878574,21.1645936719,0.00216302079173,3.62270476039 +0.085,0.00136598259819,78.5323269828,3.95404879555e-05,8.02406872151,0.0605703170013,21.1645936719,0.00328710340681,3.62270476039 +0.09000000000000001,0.00153529464373,78.5323269828,4.37357620277e-05,8.02406872151,0.137405153594,21.1645936719,0.00883634014844,3.62270476039 +0.09500000000000001,0.00154146111344,78.5323269828,5.00760395577e-05,8.02406872151,0.212755471826,21.1645936719,-0.00846684654297,3.62270476039 +0.10000000000000002,0.00125478869626,78.5323269828,6.0390815383e-05,8.02406872151,1.5988061707,21.1645936719,-0.00250601690095,3.62270476039 +0.10500000000000002,0.000772175184071,78.5323269828,7.94364951969e-05,8.02406872151,7.48669871307,21.1645936719,-0.00134643522011,3.62270476039 +0.11000000000000003,0.00223574857561,78.5323269828,0.000124632059843,8.02406872151,0.413573575915,21.1645936719,-0.000855478667377,3.62270476039 +0.11500000000000003,0.00366331896809,78.5323269828,0.000352094517332,8.02406872151,0.121052016172,21.1645936719,-0.000584330264464,3.62270476039 +0.12000000000000004,0.00481738095475,78.5323269828,-0.000336680273934,8.02406872151,0.0503855034092,21.1645936719,-0.000410720594005,3.62270476039 +0.12500000000000003,0.00662913115137,78.5323269828,-0.000106374679546,8.02406872151,0.0234170232593,21.1645936719,-0.000286946114568,3.62270476039 +0.13000000000000003,0.00866007541832,78.5323269828,-6.08457355132e-05,8.02406872151,0.0107458842608,21.1645936719,-0.000189675836893,3.62270476039 +0.13500000000000004,0.0110758004082,78.5323269828,-4.15638099506e-05,8.02406872151,0.0041603475582,21.1645936719,-0.000105003718329,3.62270476039 +0.14000000000000004,0.0140284466065,78.5323269828,-3.09727411283e-05,8.02406872151,0.000617383138954,21.1645936719,-2.25654101801e-05,3.62270476039 +0.14500000000000005,0.0177699755735,78.5323269828,-2.42764214694e-05,8.02406872151,0.00124587128596,21.1645936719,6.76472198329e-05,3.62270476039 +0.15000000000000005,0.0227701859871,78.5323269828,-1.96176433169e-05,8.02406872151,0.00213169974396,21.1645936719,0.000178037706082,3.62270476039 +0.15500000000000005,0.0299926294325,78.5323269828,-1.61162762964e-05,8.02406872151,0.00244007370638,21.1645936719,0.000327303277569,3.62270476039 +0.16000000000000006,0.0416880551589,78.5323269828,-1.32927334511e-05,8.02406872151,0.00241168757692,21.1645936719,0.000548129320248,3.62270476039 +0.16500000000000006,0.0643186472701,78.5323269828,-1.08557501738e-05,8.02406872151,0.00218991014403,21.1645936719,0.000906013974106,3.62270476039 +0.17000000000000007,0.124719770968,78.5323269828,-8.61146363399e-06,8.02406872151,0.00184028567937,21.1645936719,0.00155620869662,3.62270476039 +0.17500000000000007,0.494938369974,78.5323269828,-6.41978064852e-06,8.02406872151,0.00126847297741,21.1645936719,0.00297767637778,3.62270476039 +0.18000000000000008,2.46641065603,78.5323269828,-4.17133774529e-06,8.02406872151,0.00173926936988,21.1645936719,0.00772575298958,3.62270476039 +0.18500000000000008,0.0414611869821,78.5323269828,-1.77413937144e-06,8.02406872151,0.025561946542,21.1645936719,-0.11539011265,3.62270476039 +0.19000000000000009,0.00569319620955,78.5323269828,8.55060129221e-07,8.02406872151,0.00146300939145,21.1645936719,-0.0100554509397,3.62270476039 +0.1950000000000001,0.011004902984,78.5323269828,3.79709063573e-06,8.02406872151,0.000475864139573,21.1645936719,-0.00635126793396,3.62270476039 +0.2000000000000001,0.0108503108153,78.5323269828,7.13581055212e-06,8.02406872151,0.000128654332099,21.1645936719,-0.00518006530933,3.62270476039 +0.2050000000000001,0.00969350347973,78.5323269828,1.09636231742e-05,8.02406872151,1.49277955888e-05,21.1645936719,-0.00467894362698,3.62270476039 +0.2100000000000001,0.00842420202358,78.5323269828,1.53879274562e-05,8.02406872151,4.02892302638e-05,21.1645936719,-0.0044476870953,3.62270476039 +0.2150000000000001,0.00724575947031,78.5323269828,2.05394988306e-05,8.02406872151,0.000191885884931,21.1645936719,-0.0043446838376,3.62270476039 +0.2200000000000001,0.00619304465914,78.5323269828,2.65841777047e-05,8.02406872151,0.000391175798864,21.1645936719,-0.0043045490451,3.62270476039 +0.22500000000000012,0.00525522371794,78.5323269828,3.37400009027e-05,8.02406872151,0.000673502363882,21.1645936719,-0.00429205403071,3.62270476039 +0.23000000000000012,0.00440922558223,78.5323269828,4.23033464715e-05,8.02406872151,0.00108776134503,21.1645936719,-0.00428710781864,3.62270476039 +0.23500000000000013,0.00362847465576,78.5323269828,5.26904309862e-05,8.02406872151,0.00170845633151,21.1645936719,-0.00427888014895,3.62270476039 +0.24000000000000013,0.00288251896262,78.5323269828,6.55060659113e-05,8.02406872151,0.00265234610929,21.1645936719,-0.004262899853,3.62270476039 +0.24500000000000013,0.002127734175,78.5323269828,8.16634197959e-05,8.02406872151,0.0041133507449,21.1645936719,-0.0042391343709,3.62270476039 +0.2500000000000001,0.001257759357,78.5323269828,0.000102605552429,8.02406872151,0.00643832583293,21.1645936719,-0.00421045589147,3.62270476039 +0.2550000000000001,0.000828378096761,78.5323269828,0.000130746825402,8.02406872151,0.010304266841,21.1645936719,-0.00418140075283,3.62270476039 +0.2600000000000001,0.00154019188196,78.5323269828,0.000170440017214,8.02406872151,0.0171821550257,21.1645936719,-0.00415725967944,3.62270476039 +0.2650000000000001,0.00187441428345,78.5323269828,0.000230381434784,8.02406872151,0.0307614176303,21.1645936719,-0.00414351845838,3.62270476039 +0.27000000000000013,0.00202193397403,78.5323269828,0.000330771307489,8.02406872151,0.0624826810512,21.1645936719,-0.00414561873163,3.62270476039 +0.27500000000000013,0.002001032412,78.5323269828,0.000531589183265,8.02406872151,0.163182566838,21.1645936719,-0.00416897908533,3.62270476039 +0.28000000000000014,0.00175329778763,78.5323269828,0.00112482219142,8.02406872151,0.841675558765,21.1645936719,-0.00421921817404,3.62270476039 +0.28500000000000014,0.00125269551862,78.5323269828,0.0359810627555,8.02406872151,30.1715064164,21.1645936719,-0.00430254667581,3.62270476039 +0.29000000000000015,0.00173690674608,78.5323269828,-0.00139473398204,8.02406872151,0.541470714699,21.1645936719,-0.0044263349351,3.62270476039 +0.29500000000000015,0.00310890477779,78.5323269828,-0.000737322863662,8.02406872151,0.166181672723,21.1645936719,-0.00459991742035,3.62270476039 +0.30000000000000016,0.00456146898278,78.5323269828,-0.00052674979752,8.02406872151,0.0829631693218,21.1645936719,-0.00483577503259,3.62270476039 +0.30500000000000016,0.00628601499582,78.5323269828,-0.000425524249225,8.02406872151,0.0512147337907,21.1645936719,-0.00515137300595,3.62270476039 +0.31000000000000016,0.00845797610112,78.5323269828,-0.000368150791594,8.02406872151,0.0356827739788,21.1645936719,-0.00557219787766,3.62270476039 +0.31500000000000017,0.0113216825999,78.5323269828,-0.0003331746523,8.02406872151,0.0269350413193,21.1645936719,-0.00613710629019,3.62270476039 +0.3200000000000002,0.015267935443,78.5323269828,-0.000311603763873,8.02406872151,0.0215737276619,21.1645936719,-0.00690843116545,3.62270476039 +0.3250000000000002,0.0209754548459,78.5323269828,-0.00029913248091,8.02406872151,0.0181422611288,21.1645936719,-0.00799273681681,3.62270476039 +0.3300000000000002,0.0297210356289,78.5323269828,-0.000293590171994,8.02406872151,0.0159619678347,21.1645936719,-0.00958820041251,3.62270476039 +0.3350000000000002,0.0441503928111,78.5323269828,-0.000293955979829,8.02406872151,0.0147516320894,21.1645936719,-0.0121094126143,3.62270476039 +0.3400000000000002,0.0705032247119,78.5323269828,-0.00029995850538,8.02406872151,0.0145712178054,21.1645936719,-0.0165925304479,3.62270476039 +0.3450000000000002,0.126536483196,78.5323269828,-0.000311949955848,8.02406872151,0.016262292345,21.1645936719,-0.0265554172213,3.62270476039 +0.3500000000000002,0.280803513005,78.5323269828,-0.000330964255244,8.02406872151,0.0265280222762,21.1645936719,-0.066497609455,3.62270476039 +0.3550000000000002,1.02324913362,78.5323269828,-0.000358979521713,8.02406872151,0.0298908562968,21.1645936719,0.136708832882,3.62270476039 +0.3600000000000002,80.1685866409,78.5323269828,-0.000399528825841,8.02406872151,0.00187240234695,21.1645936719,0.0343043054976,3.62270476039 +0.3650000000000002,1.79519173079,78.5323269828,-0.000459072822812,8.02406872151,0.0027974550452,21.1645936719,0.0199018342634,3.62270476039 +0.3700000000000002,0.396905209568,78.5323269828,-0.000550354811098,8.02406872151,0.00196447877021,21.1645936719,0.0142027898753,3.62270476039 +0.3750000000000002,0.172007319674,78.5323269828,-0.000701977803126,8.02406872151,0.00121110983051,21.1645936719,0.0111763984294,3.62270476039 +0.3800000000000002,0.0968649163453,78.5323269828,-0.00099349891318,8.02406872151,0.00061232574077,21.1645936719,0.00931878570727,3.62270476039 +0.38500000000000023,0.0636563968426,78.5323269828,-0.00175835669441,8.02406872151,0.000167538565504,21.1645936719,0.00807685474333,3.62270476039 +0.39000000000000024,0.0561966955212,78.5323269828,-0.00856322755607,8.02406872151,8.0456588826e-05,21.1645936719,0.00719971537706,3.62270476039 +0.39500000000000024,0.0260206570271,78.5323269828,0.00291043543761,8.02406872151,0.000288516079035,21.1645936719,0.00655732455789,3.62270476039 +0.40000000000000024,0.0213502799877,78.5323269828,0.00123939077254,8.02406872151,0.000876677291258,21.1645936719,0.00607577941537,3.62270476039 +0.40500000000000025,0.016899092494,78.5323269828,0.000788878127904,8.02406872151,0.0017178654172,21.1645936719,0.00571021259275,3.62270476039 +0.41000000000000025,0.0134051383915,78.5323269828,0.000581133294843,8.02406872151,0.00289031251364,21.1645936719,0.0054320610037,3.62270476039 +0.41500000000000026,0.0106196180657,78.5323269828,0.00046265549946,8.02406872151,0.00452348561758,21.1645936719,0.00522255321938,3.62270476039 +0.42000000000000026,0.00830333105079,78.5323269828,0.000386842345636,8.02406872151,0.00682983486137,21.1645936719,0.00506915740742,3.62270476039 +0.42500000000000027,0.0062597143635,78.5323269828,0.000334748408515,8.02406872151,0.0101640037956,21.1645936719,0.00496355398608,3.62270476039 +0.43000000000000027,0.00428053116836,78.5323269828,0.000297231742542,8.02406872151,0.0151430112141,21.1645936719,0.00490045113692,3.62270476039 +0.4350000000000003,0.00183094244122,78.5323269828,0.000269350407586,8.02406872151,0.0229061424782,21.1645936719,0.00487690217277,3.62270476039 +0.4400000000000003,0.00273321375559,78.5323269828,0.00024820979193,8.02406872151,0.0357308620284,21.1645936719,0.00489195140857,3.62270476039 +0.4450000000000003,0.00388360453739,78.5323269828,0.000232012825754,8.02406872151,0.0586844015204,21.1645936719,0.00494652670219,3.62270476039 +0.4500000000000003,0.00445348727543,78.5323269828,0.000219596381833,8.02406872151,0.104878587617,21.1645936719,0.00504355611419,3.62270476039 +0.4550000000000003,0.0046422237846,78.5323269828,0.000210187123956,8.02406872151,0.217029543586,21.1645936719,0.00518833724011,3.62270476039 +0.4600000000000003,0.00441220704131,78.5323269828,0.000203265440004,8.02406872151,0.603815420293,21.1645936719,0.00538925015073,3.62270476039 +0.4650000000000003,0.00346569189527,78.5323269828,0.000198486694994,8.02406872151,4.0640633147,21.1645936719,0.00565900476547,3.62270476039 +0.4700000000000003,0.00191015692685,78.5323269828,0.000195635089853,8.02406872151,17.9868344846,21.1645936719,0.00601680122675,3.62270476039 +0.4750000000000003,0.00569507867241,78.5323269828,0.000194597602017,8.02406872151,1.19241195807,21.1645936719,0.00649217227692,3.62270476039 +0.4800000000000003,0.00910691494635,78.5323269828,0.00019535171858,8.02406872151,0.416943814092,21.1645936719,0.00713216163498,3.62270476039 +0.4850000000000003,0.0130557612771,78.5323269828,0.000197964290948,8.02406872151,0.219083602994,21.1645936719,0.00801569461804,3.62270476039 +0.4900000000000003,0.0154658754364,78.5323269828,0.000202601458671,8.02406872151,0.122663915599,21.1645936719,0.00928513779775,3.62270476039 +0.49500000000000033,0.015404620316,78.5323269828,0.00020681289425,8.02406872151,0.0837281391226,21.1645936719,0.0101591584241,3.62270476039 diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_2.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_2.csv new file mode 100644 index 0000000000..c063dfa2e5 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_2.csv @@ -0,0 +1,101 @@ +pivot_parameter,dss_x2_x1,total_distance_x2_x1,process_time_x2_x1,standard_deviation_x2_x1,dss_y2_y1,total_distance_y2_y1,process_time_y2_y1,standard_deviation_y2_y1 +0.0,0.0499281922006,37.767391036,0.00214950159842,4.28650302037,1.48043773097e-06,153.440198563,-2.78869210709e-06,15.4153269263 +0.005,0.108821350709,37.767391036,0.00344512627925,4.28650302037,1.92343383019e-06,153.440198563,-3.78745340746e-06,15.4153269263 +0.01,2.80127775886,37.767391036,-0.0154495882567,4.28650302037,1.53098863678e-06,153.440198563,-4.83741886226e-06,15.4153269263 +0.015,0.666352304377,37.767391036,-0.00270493401925,4.28650302037,1.90085196915e-06,153.440198563,-5.79512180408e-06,15.4153269263 +0.02,0.105537707351,37.767391036,-0.00161203987177,4.28650302037,3.32599773558e-06,153.440198563,-6.63492581009e-06,15.4153269263 +0.025,0.0431344458161,37.767391036,-0.00122160618589,4.28650302037,4.40380458328e-06,153.440198563,-7.35165063744e-06,15.4153269263 +0.030000000000000002,0.0243318377974,37.767391036,-0.0010306546398,4.28650302037,5.17246201225e-06,153.440198563,-7.95660994721e-06,15.4153269263 +0.035,0.0161802116007,37.767391036,-0.000923652027417,4.28650302037,5.32498316785e-06,153.440198563,-8.47174651242e-06,15.4153269263 +0.04,0.0118771511525,37.767391036,-0.00085975689653,4.28650302037,3.63941540802e-06,153.440198563,-8.92454004322e-06,15.4153269263 +0.045,0.00929529622336,37.767391036,-0.000820975161398,4.28650302037,6.48621474724e-06,153.440198563,-9.3449510607e-06,15.4153269263 +0.049999999999999996,0.00759070348954,37.767391036,-0.000798295647998,4.28650302037,1.3658071887e-05,153.440198563,-9.76461077415e-06,15.4153269263 +0.05499999999999999,0.00636976921521,37.767391036,-0.000786888171608,4.28650302037,2.28305802338e-05,153.440198563,-1.02181231591e-05,15.4153269263 +0.05999999999999999,0.00542383077465,37.767391036,-0.000784147860477,4.28650302037,3.54369772377e-05,153.440198563,-1.07466180944e-05,15.4153269263 +0.06499999999999999,0.00462768310852,37.767391036,-0.000788818411715,4.28650302037,5.3214686841e-05,153.440198563,-1.14045547185e-05,15.4153269263 +0.06999999999999999,0.00389360580876,37.767391036,-0.00080059531129,4.28650302037,7.8766485877e-05,153.440198563,-1.22726906907e-05,15.4153269263 +0.075,0.00314310405167,37.767391036,-0.000819987724073,4.28650302037,0.000116258353714,153.440198563,-1.34849615832e-05,15.4153269263 +0.08,0.00226732731421,37.767391036,-0.000848368466594,4.28650302037,0.000172710528439,153.440198563,-1.52914860661e-05,15.4153269263 +0.085,0.000856688329193,37.767391036,-0.000888228880415,4.28650302037,0.000260628405531,153.440198563,-1.82327415937e-05,15.4153269263 +0.09000000000000001,0.00183568332738,37.767391036,-0.000943751981274,4.28650302037,0.000403597002242,153.440198563,-2.37528099707e-05,15.4153269263 +0.09500000000000001,0.00264621581141,37.767391036,-0.00102200341102,4.28650302037,0.000645816804441,153.440198563,-3.74874734818e-05,15.4153269263 +0.10000000000000002,0.00312285344438,37.767391036,-0.00113551387155,4.28650302037,0.000916181838688,153.440198563,-0.000125172028078,15.4153269263 +0.10500000000000002,0.00330033104617,37.767391036,-0.00130846731198,4.28650302037,0.0031709156581,153.440198563,6.80776138803e-05,15.4153269263 +0.11000000000000003,0.00305357249322,37.767391036,-0.00159401185415,4.28650302037,0.0092741572586,153.440198563,2.3630670193e-05,15.4153269263 +0.11500000000000003,0.00192066846575,37.767391036,-0.00213582689044,4.28650302037,0.184535236178,153.440198563,1.31146173897e-05,15.4153269263 +0.12000000000000004,0.00252956428232,37.767391036,-0.00350365660164,4.28650302037,0.0261601202469,153.440198563,8.43267598045e-06,15.4153269263 +0.12500000000000003,0.00197195699887,37.767391036,-0.0128058571372,4.28650302037,0.00407839423995,153.440198563,5.78128280747e-06,15.4153269263 +0.13000000000000003,0.0119156742882,37.767391036,0.0064905335384,4.28650302037,0.00136658922718,153.440198563,4.05421618831e-06,15.4153269263 +0.13500000000000004,0.013671245455,37.767391036,0.0024343989044,4.28650302037,0.000561531221493,153.440198563,2.8037103852e-06,15.4153269263 +0.14000000000000004,0.0169855507165,37.767391036,0.00144628153041,4.28650302037,0.000233033923817,153.440198563,1.80407295399e-06,15.4153269263 +0.14500000000000005,0.0210482642293,37.767391036,0.00100434732335,4.28650302037,7.82755721773e-05,153.440198563,9.15992711228e-07,15.4153269263 +0.15000000000000005,0.0258835576537,37.767391036,0.000755025231215,4.28650302037,1.7285453844e-06,153.440198563,3.07115919595e-08,15.4153269263 +0.15500000000000005,0.0317078406287,37.767391036,0.000594637268036,4.28650302037,3.48615386997e-05,153.440198563,-9.62513297606e-07,15.4153269263 +0.16000000000000006,0.03896086226,37.767391036,0.000481492502845,4.28650302037,4.95564952756e-05,153.440198563,-2.20761666073e-06,15.4153269263 +0.16500000000000006,0.0484979384313,37.767391036,0.000395330321375,4.28650302037,5.19049338564e-05,153.440198563,-3.9299302102e-06,15.4153269263 +0.17000000000000007,0.0620887853646,37.767391036,0.000324893762769,4.28650302037,4.72752726694e-05,153.440198563,-6.53687252305e-06,15.4153269263 +0.17500000000000007,0.0838925432036,37.767391036,0.000263230775606,4.28650302037,3.86756477784e-05,153.440198563,-1.08771768008e-05,15.4153269263 +0.18000000000000008,0.126109101157,37.767391036,0.000205642022718,4.28650302037,2.75555601199e-05,153.440198563,-1.90800002131e-05,15.4153269263 +0.18500000000000008,0.243272898987,37.767391036,0.000148680404437,4.28650302037,1.39478669348e-05,153.440198563,-3.84293742393e-05,15.4153269263 +0.19000000000000009,1.25320061527,37.767391036,8.96142018957e-05,4.28650302037,4.26359975484e-06,153.440198563,-0.000120753657011,15.4153269263 +0.1950000000000001,0.328279795372,37.767391036,2.61089979965e-05,4.28650302037,6.32719894207e-05,153.440198563,0.000281470696544,15.4153269263 +0.2000000000000001,0.0566244476106,37.767391036,-4.39845116188e-05,4.28650302037,4.27397326215e-05,153.440198563,8.84294864703e-05,15.4153269263 +0.2050000000000001,0.0514053505134,37.767391036,-0.000122794909578,4.28650302037,4.0516001398e-05,153.440198563,6.14787929997e-05,15.4153269263 +0.2100000000000001,0.0405028662944,37.767391036,-0.000212581686572,4.28650302037,3.81748740252e-05,153.440198563,5.17038603202e-05,15.4153269263 +0.2150000000000001,0.0321067659877,37.767391036,-0.000315900981059,4.28650302037,3.36695540624e-05,153.440198563,4.71889229888e-05,15.4153269263 +0.2200000000000001,0.0258403274918,37.767391036,-0.00043581283209,4.28650302037,2.4387399431e-05,153.440198563,4.4875060237e-05,15.4153269263 +0.22500000000000012,0.0210417485375,37.767391036,-0.000576165408484,4.28650302037,1.57630978935e-05,153.440198563,4.35861729715e-05,15.4153269263 +0.23000000000000012,0.0172488698855,37.767391036,-0.000742009822369,4.28650302037,3.90452419768e-05,153.440198563,4.27615567712e-05,15.4153269263 +0.23500000000000013,0.0141582984866,37.767391036,-0.000940234887552,4.28650302037,5.85822401439e-05,153.440198563,4.21069168398e-05,15.4153269263 +0.24000000000000013,0.0115667017187,37.767391036,-0.00118058169524,4.28650302037,7.93280986529e-05,153.440198563,4.14713402758e-05,15.4153269263 +0.24500000000000013,0.00933193577921,37.767391036,-0.00147734237755,4.28650302037,0.00010323904041,153.440198563,4.07922860834e-05,15.4153269263 +0.2500000000000001,0.00734854275724,37.767391036,-0.00185236098997,4.28650302037,0.000132353675386,153.440198563,4.00634095801e-05,15.4153269263 +0.2550000000000001,0.00553004791768,37.767391036,-0.00234068708837,4.28650302037,0.000169564909451,153.440198563,3.93118213766e-05,15.4153269263 +0.2600000000000001,0.00378746557468,37.767391036,-0.00300211254591,4.28650302037,0.000219516980964,153.440198563,3.85814626358e-05,15.4153269263 +0.2650000000000001,0.00194455333851,37.767391036,-0.00394726388461,4.28650302037,0.000290298928418,153.440198563,3.79219324726e-05,15.4153269263 +0.27000000000000013,0.00138630396449,37.767391036,-0.00540542120334,4.28650302037,0.000397224923975,153.440198563,3.73821990832e-05,15.4153269263 +0.27500000000000013,0.00175262947416,37.767391036,-0.00794025570953,4.28650302037,0.000572450985139,153.440198563,3.70082269142e-05,15.4153269263 +0.28000000000000014,0.000671392420297,37.767391036,-0.0134048916244,4.28650302037,0.000893718572204,153.440198563,3.68434041146e-05,15.4153269263 +0.28500000000000014,0.0046774271677,37.767391036,-0.0335288065715,4.28650302037,0.00159265948961,153.440198563,3.69308396882e-05,15.4153269263 +0.29000000000000015,0.0317778653141,37.767391036,0.108292813634,4.28650302037,0.00365085181784,153.440198563,3.73169772657e-05,15.4153269263 +0.29500000000000015,0.00818339475296,37.767391036,0.0231436754672,4.28650302037,0.0161638728405,153.440198563,3.80564183044e-05,15.4153269263 +0.30000000000000016,0.00111412560967,37.767391036,0.0137808997325,4.28650302037,0.884787886606,153.440198563,3.9218335031e-05,15.4153269263 +0.30500000000000016,0.00694290356226,37.767391036,0.0102407538624,4.28650302037,0.00939532288541,153.440198563,4.08954655535e-05,15.4153269263 +0.31000000000000016,0.010493995504,37.767391036,0.00842291698246,4.28650302037,0.00249837948379,153.440198563,4.32176408333e-05,15.4153269263 +0.31500000000000017,0.0141331036889,37.767391036,0.00735357855299,4.28650302037,0.00108921245228,153.440198563,4.6373574815e-05,15.4153269263 +0.3200000000000002,0.0183727680949,37.767391036,0.00668439911726,4.28650302037,0.000581338912779,153.440198563,5.06483583235e-05,15.4153269263 +0.3250000000000002,0.0236396025607,37.767391036,0.00626172773479,4.28650302037,0.000342494060474,153.440198563,5.64925313104e-05,15.4153269263 +0.3300000000000002,0.0304957537778,37.767391036,0.0060093926315,4.28650302037,0.000209953796173,153.440198563,6.46596457532e-05,15.4153269263 +0.3350000000000002,0.0398163176516,37.767391036,0.00588786205733,4.28650302037,0.000126330020937,153.440198563,7.65079974373e-05,15.4153269263 +0.3400000000000002,0.0530915153608,37.767391036,0.00587779409205,4.28650302037,6.63151602054e-05,153.440198563,9.47525643711e-05,15.4153269263 +0.3450000000000002,0.0730701399213,37.767391036,0.0059730818723,4.28650302037,1.51946100957e-05,153.440198563,0.000125710933657,15.4153269263 +0.3500000000000002,0.105319260008,37.767391036,0.00617843981787,4.28650302037,4.26696601349e-05,153.440198563,0.000188221448848,15.4153269263 +0.3550000000000002,0.162593654311,37.767391036,0.00650996412315,4.28650302037,0.000157569681522,153.440198563,0.000375039417191,15.4153269263 +0.3600000000000002,0.279772888882,37.767391036,0.00699877288072,4.28650302037,0.0098837259003,153.440198563,0.0196652331057,15.4153269263 +0.3650000000000002,0.583338306626,37.767391036,0.00769949424298,4.28650302037,0.000198084213264,153.440198563,-0.000399736267412,15.4153269263 +0.3700000000000002,1.86574241185,37.767391036,0.00870860844522,4.28650302037,8.02869790213e-05,153.440198563,-0.000201481595308,15.4153269263 +0.3750000000000002,42.3579811861,37.767391036,0.0102064301858,4.28650302037,1.3156166492e-05,153.440198563,-0.00013678925093,15.4153269263 +0.3800000000000002,5.26716178934,37.767391036,0.0125657200952,4.28650302037,4.4608825145e-05,153.440198563,-0.000104990825304,15.4153269263 +0.38500000000000023,0.889900805818,37.767391036,0.0166922695136,4.28650302037,5.34329932638e-05,153.440198563,-8.62734355043e-05,15.4153269263 +0.39000000000000024,0.304090368719,37.767391036,0.0254915046914,4.28650302037,5.57381594146e-05,153.440198563,-7.40790823169e-05,15.4153269263 +0.39500000000000024,0.0573578413862,37.767391036,0.0561239913279,4.28650302037,5.41865304024e-05,153.440198563,-6.56105929421e-05,15.4153269263 +0.40000000000000024,0.693730232489,37.767391036,-0.246683611764,4.28650302037,4.84623702636e-05,153.440198563,-5.94757357043e-05,15.4153269263 +0.40500000000000025,0.164279761324,37.767391036,-0.0382846008641,4.28650302037,3.50507135296e-05,153.440198563,-5.49054663602e-05,15.4153269263 +0.41000000000000025,0.0999385766782,37.767391036,-0.0207791318521,4.28650302037,2.59158836574e-05,153.440198563,-5.14422667378e-05,15.4153269263 +0.41500000000000026,0.0698826288974,37.767391036,-0.0143215945081,4.28650302037,6.1613094492e-05,153.440198563,-4.87989196164e-05,15.4153269263 +0.42000000000000026,0.0518196747833,37.767391036,-0.0109904218024,4.28650302037,9.44605561698e-05,153.440198563,-4.67881738629e-05,15.4153269263 +0.42500000000000027,0.0396054744386,37.767391036,-0.00897650633767,4.28650302037,0.000132038605754,153.440198563,-4.52851213661e-05,15.4153269263 +0.43000000000000027,0.030669772508,37.767391036,-0.00764130095923,4.28650302037,0.000178513875608,153.440198563,-4.42059756702e-05,15.4153269263 +0.4350000000000003,0.0236836984137,37.767391036,-0.00670217276586,4.28650302037,0.000238905931645,153.440198563,-4.34956821917e-05,15.4153269263 +0.4400000000000003,0.0178336157332,37.767391036,-0.00601499611813,4.28650302037,0.000320699620659,153.440198563,-4.31206222862e-05,15.4153269263 +0.4450000000000003,0.0124729552851,37.767391036,-0.00549878952213,4.28650302037,0.000436162799237,153.440198563,-4.30644970741e-05,15.4153269263 +0.4500000000000003,0.0065709238374,37.767391036,-0.00510476779296,4.28650302037,0.000606930495375,153.440198563,-4.33264233714e-05,15.4153269263 +0.4550000000000003,0.00599985403089,37.767391036,-0.00480201464787,4.28650302037,0.000874311714594,153.440198563,-4.39208298679e-05,15.4153269263 +0.4600000000000003,0.00954601659704,37.767391036,-0.0045702320651,4.28650302037,0.00132544503602,153.440198563,-4.48791454024e-05,15.4153269263 +0.4650000000000003,0.0112455781012,37.767391036,-0.00439581577765,4.28650302037,0.00217082289174,153.440198563,-4.62536743346e-05,15.4153269263 +0.4700000000000003,0.0119359941745,37.767391036,-0.00426962454311,4.28650302037,0.0040312798916,153.440198563,-4.81246088084e-05,15.4153269263 +0.4750000000000003,0.0116562165228,37.767391036,-0.00418567497193,4.28650302037,0.00945788743967,153.440198563,-5.06120757773e-05,15.4153269263 +0.4800000000000003,0.00993698502416,37.767391036,-0.00414037944419,4.28650302037,0.0396906266945,153.440198563,-5.38969552789e-05,15.4153269263 +0.4850000000000003,0.00404605115942,37.767391036,-0.00413213174602,4.28650302037,154.150605696,153.440198563,-5.82581034752e-05,15.4153269263 +0.4900000000000003,0.00998731207677,37.767391036,-0.00416114504231,4.28650302037,0.034118947356,153.440198563,-6.41425967643e-05,15.4153269263 +0.49500000000000033,0.0128971436753,37.767391036,-0.00421966639005,4.28650302037,0.0125953353559,153.440198563,-6.81736548532e-05,15.4153269263 diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_3.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_3.csv new file mode 100644 index 0000000000..9e2bd88dd9 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_3.csv @@ -0,0 +1,101 @@ +pivot_parameter,dss_x2_x1,total_distance_x2_x1,process_time_x2_x1,standard_deviation_x2_x1,dss_y2_y1,total_distance_y2_y1,process_time_y2_y1,standard_deviation_y2_y1 +0.0,0.697504916097,44.0357167442,0.000187067290355,4.26023895104,2.11276592754e-05,89.5779339625,-0.000285845842716,6.37493074725 +0.005,0.0937961442649,44.0357167442,-0.0107945042615,4.26023895104,3.92865465678e-05,89.5779339625,-0.000364488540017,6.37493074725 +0.01,0.0146841058889,44.0357167442,-9.71177503994e-05,4.26023895104,6.67856771506e-05,89.5779339625,-0.000443156077267,6.37493074725 +0.015,0.00506653565941,44.0357167442,-5.33732447477e-05,4.26023895104,8.62016576422e-05,89.5779339625,-0.000512069162707,6.37493074725 +0.02,0.00264912003481,44.0357167442,-3.93028795981e-05,4.26023895104,9.26173409153e-05,89.5779339625,-0.000570402317613,6.37493074725 +0.025,0.00168680153944,44.0357167442,-3.26829677854e-05,4.26023895104,8.30889723401e-05,89.5779339625,-0.000618795490168,6.37493074725 +0.030000000000000002,0.00120431279303,44.0357167442,-2.90367763534e-05,4.26023895104,4.79002520117e-05,89.5779339625,-0.000658842799678,6.37493074725 +0.035,0.000924973573352,44.0357167442,-2.68683093569e-05,4.26023895104,6.63160867215e-05,89.5779339625,-0.000692611654596,6.37493074725 +0.04,0.00074556549366,44.0357167442,-2.55379784572e-05,4.26023895104,0.000106803672211,89.5779339625,-0.00072232082436,6.37493074725 +0.045,0.000620054135386,44.0357167442,-2.47300438834e-05,4.26023895104,0.000127260851072,89.5779339625,-0.000750198057986,6.37493074725 +0.049999999999999996,0.000524915785644,44.0357167442,-2.42749694187e-05,4.26023895104,0.000126106445899,89.5779339625,-0.000778489952812,6.37493074725 +0.05499999999999999,0.000446506998059,44.0357167442,-2.40785835079e-05,4.26023895104,9.45463572758e-05,89.5779339625,-0.000809598180607,6.37493074725 +0.05999999999999999,0.000375594130202,44.0357167442,-2.40903563519e-05,4.26023895104,1.65922809e-05,89.5779339625,-0.000846347883827,6.37493074725 +0.06499999999999999,0.000304218800638,44.0357167442,-2.42883489049e-05,4.26023895104,0.000135747532565,89.5779339625,-0.000892453698131,6.37493074725 +0.06999999999999999,0.000221835612996,44.0357167442,-2.4672418092e-05,4.26023895104,0.000413231845106,89.5779339625,-0.000953366778074,6.37493074725 +0.075,9.2770565207e-05,44.0357167442,-2.52624422277e-05,4.26023895104,0.00091376853062,89.5779339625,-0.001037969938,6.37493074725 +0.08,0.000173172894743,44.0357167442,-2.61007254317e-05,4.26023895104,0.00184345477911,89.5779339625,-0.00116240376062,6.37493074725 +0.085,0.000255676889715,44.0357167442,-2.72594468592e-05,4.26023895104,0.00369298428297,89.5779339625,-0.00136012060659,6.37493074725 +0.09000000000000001,0.000305994644935,44.0357167442,-2.88562660331e-05,4.26023895104,0.00786265864931,89.5779339625,-0.00171461681719,6.37493074725 +0.09500000000000001,0.000326642852658,44.0357167442,-3.10857518336e-05,4.26023895104,0.0196849658811,89.5779339625,-0.00251090325498,6.37493074725 +0.10000000000000002,0.000299811467444,44.0357167442,-3.42857835574e-05,4.26023895104,0.072195401223,89.5779339625,-0.00577866461621,6.37493074725 +0.10500000000000002,0.000134961152106,44.0357167442,-3.90918580476e-05,4.26023895104,59.6980859328,89.5779339625,0.00984455394909,6.37493074725 +0.11000000000000003,0.000386021399898,44.0357167442,-4.68508068181e-05,4.26023895104,0.14193230949,89.5779339625,0.00228496629479,6.37493074725 +0.11500000000000003,0.000689017368324,44.0357167442,-6.09976586018e-05,4.26023895104,0.0323262493585,89.5779339625,0.00117371403423,6.37493074725 +0.12000000000000004,0.00102175449744,44.0357167442,-9.36654095125e-05,4.26023895104,0.0132653728221,89.5779339625,0.000729645787486,6.37493074725 +0.12500000000000003,0.0013483939446,44.0357167442,-0.000240809435488,4.26023895104,0.00662492545004,89.5779339625,0.000490726533187,6.37493074725 +0.13000000000000003,0.00225972652341,44.0357167442,0.000312906657587,4.26023895104,0.00353345960159,89.5779339625,0.00033995371488,6.37493074725 +0.13500000000000004,0.00276334008842,44.0357167442,8.79609596538e-05,4.26023895104,0.00186443481341,89.5779339625,0.000233288254922,6.37493074725 +0.14000000000000004,0.00357504670606,44.0357167442,4.91331111265e-05,4.26023895104,0.000897577524816,89.5779339625,0.000149619168864,6.37493074725 +0.14500000000000005,0.00465976804457,44.0357167442,3.31771549351e-05,4.26023895104,0.000330318804864,89.5779339625,7.64550608065e-05,6.37493074725 +0.15000000000000005,0.00614778533549,44.0357167442,2.45300381279e-05,4.26023895104,1.29353018048e-05,89.5779339625,4.40631399263e-06,6.37493074725 +0.15500000000000005,0.00831850845749,44.0357167442,1.90996554934e-05,4.26023895104,0.000139727800254,89.5779339625,-7.58221086535e-05,6.37493074725 +0.16000000000000006,0.0118115724806,44.0357167442,1.53305942382e-05,4.26023895104,0.000181860188277,89.5779339625,-0.000176144980024,6.37493074725 +0.16500000000000006,0.018375321213,44.0357167442,1.24932460113e-05,4.26023895104,0.000150837393926,89.5779339625,-0.000315173730856,6.37493074725 +0.17000000000000007,0.0345105680007,44.0357167442,1.01920437362e-05,4.26023895104,7.50239026571e-05,89.5779339625,-0.000526715755,6.37493074725 +0.17500000000000007,0.106536282721,44.0357167442,8.18702485921e-06,4.26023895104,1.45928717769e-05,89.5779339625,-0.000881888450068,6.37493074725 +0.18000000000000008,42.5050393615,44.0357167442,6.31817273867e-06,4.26023895104,6.56593858581e-05,89.5779339625,-0.00156222652767,6.37493074725 +0.18500000000000008,0.0649333036591,44.0357167442,4.46936234261e-06,4.26023895104,0.000496398707045,89.5779339625,-0.00321143489458,6.37493074725 +0.19000000000000009,0.00826148646792,44.0357167442,2.54933415573e-06,4.26023895104,0.00261240983115,89.5779339625,-0.0109964997649,6.37493074725 +0.1950000000000001,0.000626779082105,44.0357167442,4.80492674955e-07,4.26023895104,0.0050883390726,89.5779339625,0.0177953503839,6.37493074725 +0.2000000000000001,0.00119382519224,44.0357167442,-1.80867751303e-06,4.26023895104,0.00192045995026,89.5779339625,0.00651698961225,6.37493074725 +0.2050000000000001,0.00165109291848,44.0357167442,-4.38977505641e-06,4.26023895104,0.00116369666109,89.5779339625,0.00460286823153,6.37493074725 +0.2100000000000001,0.00168763904999,44.0357167442,-7.34063222456e-06,4.26023895104,0.000334337764555,89.5779339625,0.00385576098808,6.37493074725 +0.2150000000000001,0.0015783384851,44.0357167442,-1.07526691661e-05,4.26023895104,0.00103512244089,89.5779339625,0.00347146350879,6.37493074725 +0.2200000000000001,0.001418432001,44.0357167442,-1.47408934766e-05,4.26023895104,0.00157196745902,89.5779339625,0.0032342436858,6.37493074725 +0.22500000000000012,0.00124384440593,44.0357167442,-1.94586942711e-05,4.26023895104,0.00206145450576,89.5779339625,0.00306143899918,6.37493074725 +0.23000000000000012,0.00106802325323,44.0357167442,-2.51211187804e-05,4.26023895104,0.00256464516031,89.5779339625,0.00291624283213,6.37493074725 +0.23500000000000013,0.000894848382723,44.0357167442,-3.20435749503e-05,4.26023895104,0.00311554115278,89.5779339625,0.00278230231857,6.37493074725 +0.24000000000000013,0.000723278600185,44.0357167442,-4.07100742261e-05,4.26023895104,0.00375191397058,89.5779339625,0.00265371902434,6.37493074725 +0.24500000000000013,0.00054800403086,44.0357167442,-5.19020566123e-05,4.26023895104,0.00452998537195,89.5779339625,0.00252998198122,6.37493074725 +0.2500000000000001,0.0003537970648,44.0357167442,-6.69627130596e-05,4.26023895104,0.0055431846461,89.5779339625,0.00241301574614,6.37493074725 +0.2550000000000001,8.68407622395e-05,44.0357167442,-8.840025254e-05,4.26023895104,0.00695954936342,89.5779339625,0.00230547016147,6.37493074725 +0.2600000000000001,0.000316952656444,44.0357167442,-0.000121477670975,4.26023895104,0.00911184615088,89.5779339625,0.00220985266387,6.37493074725 +0.2650000000000001,0.000390433716055,44.0357167442,-0.000179380133502,4.26023895104,0.0127519961552,89.5779339625,0.00212821322694,6.37493074725 +0.27000000000000013,0.000393465128533,44.0357167442,-0.000306996636892,4.26023895104,0.0199385942529,89.5779339625,0.00206215097769,6.37493074725 +0.27500000000000013,0.000259823603625,44.0357167442,-0.00081908905086,4.26023895104,0.0383712317313,89.5779339625,0.00201298017563,6.37493074725 +0.28000000000000014,0.000775077762552,44.0357167442,0.00173456837424,4.26023895104,0.122616509773,89.5779339625,0.00198196146425,6.37493074725 +0.28500000000000014,0.00023764621841,44.0357167442,0.000462059034537,4.26023895104,19.700138365,89.5779339625,0.00197055879032,6.37493074725 +0.29000000000000015,0.000493550598071,44.0357167442,0.00028067956066,4.26023895104,0.112162774452,89.5779339625,0.00198072105478,6.37493074725 +0.29500000000000015,0.000822464916217,44.0357167442,0.000208933559662,4.26023895104,0.0192211930105,89.5779339625,0.00201521644409,6.37493074725 +0.30000000000000016,0.00116169892401,44.0357167442,0.000171118821449,4.26023895104,0.0053257961665,89.5779339625,0.00207807654646,6.37493074725 +0.30500000000000016,0.00155629676066,44.0357167442,0.000148324911653,4.26023895104,0.00117886244913,89.5779339625,0.00217525091048,6.37493074725 +0.31000000000000016,0.0020436250356,44.0357167442,0.000133611868893,4.26023895104,0.000489612659742,89.5779339625,0.00231565489266,6.37493074725 +0.31500000000000017,0.00267369945956,44.0357167442,0.000123857659431,4.26023895104,0.00130280875937,89.5779339625,0.00251296636026,6.37493074725 +0.3200000000000002,0.00352482565735,44.0357167442,0.000117477508466,4.26023895104,0.00177496195624,89.5779339625,0.00278891875703,6.37493074725 +0.3250000000000002,0.00473050748682,44.0357167442,0.000113612883448,4.26023895104,0.0021113675454,89.5779339625,0.00317980679092,6.37493074725 +0.3300000000000002,0.00653681064575,44.0357167442,0.000111796354109,4.26023895104,0.00241562198867,89.5779339625,0.00375058898393,6.37493074725 +0.3350000000000002,0.00944099419118,44.0357167442,0.000111800971938,4.26023895104,0.00276359005011,89.5779339625,0.00462944472829,6.37493074725 +0.3400000000000002,0.0145776170637,44.0357167442,0.000113573416926,4.26023895104,0.00325296345912,89.5779339625,0.00610842452499,6.37493074725 +0.3450000000000002,0.0250252601294,44.0357167442,0.000117213412398,4.26023895104,0.00410752911143,89.5779339625,0.00902663680069,6.37493074725 +0.3500000000000002,0.0517716847166,44.0357167442,0.000122987924362,4.26023895104,0.00626092857003,89.5779339625,0.0171745788181,6.37493074725 +0.3550000000000002,0.160901321584,44.0357167442,0.000131384453022,4.26023895104,0.0367857434348,89.5779339625,0.144573548471,6.37493074725 +0.3600000000000002,2.71000601085,44.0357167442,0.000143225879407,4.26023895104,0.00166587610837,89.5779339625,-0.0235836339062,6.37493074725 +0.3650000000000002,0.621168188205,44.0357167442,0.000159904569424,4.26023895104,0.00236685788718,89.5779339625,-0.0112173400401,6.37493074725 +0.3700000000000002,0.101184406539,44.0357167442,0.00018388215854,4.26023895104,0.0021544142614,89.5779339625,-0.00752485588267,6.37493074725 +0.3750000000000002,0.0395445157335,44.0357167442,0.000219865709778,4.26023895104,0.00187023013084,89.5779339625,-0.00576836367287,6.37493074725 +0.3800000000000002,0.020731027085,44.0357167442,0.000278016443716,4.26023895104,0.00158224125788,89.5779339625,-0.00475289220685,6.37493074725 +0.38500000000000023,0.0124940531692,44.0357167442,0.000384919001233,4.26023895104,0.00125940365609,89.5779339625,-0.0040989157843,6.37493074725 +0.39000000000000024,0.00792622026028,44.0357167442,0.000638946067439,4.26023895104,0.000805222891586,89.5779339625,-0.00364823941549,6.37493074725 +0.39500000000000024,0.00367028294534,44.0357167442,0.00195379613823,4.26023895104,0.000642488192155,89.5779339625,-0.00332327129511,6.37493074725 +0.40000000000000024,0.00713198135694,44.0357167442,-0.00182237742406,4.26023895104,0.00131297211674,89.5779339625,-0.0030815746583,6.37493074725 +0.40500000000000025,0.00442217183681,44.0357167442,-0.000623365837177,4.26023895104,0.00186121660434,89.5779339625,-0.00289807337854,6.37493074725 +0.41000000000000025,0.00329145086517,44.0357167442,-0.000378356824786,4.26023895104,0.00243197347686,89.5779339625,-0.00275709110425,6.37493074725 +0.41500000000000026,0.0025350029359,44.0357167442,-0.000273627629424,4.26023895104,0.00309011646196,89.5779339625,-0.00264842209179,6.37493074725 +0.42000000000000026,0.00195762487678,44.0357167442,-0.000216008032518,4.26023895104,0.00390088290922,89.5779339625,-0.0025652410408,6.37493074725 +0.42500000000000027,0.00147553942647,44.0357167442,-0.000179884151406,4.26023895104,0.00495392742002,89.5779339625,-0.00250292540711,6.37493074725 +0.43000000000000027,0.00102970485609,44.0357167442,-0.000155370097544,4.26023895104,0.00639142693966,89.5779339625,-0.00245836338218,6.37493074725 +0.4350000000000003,0.000524377325876,44.0357167442,-0.000137847260035,4.26023895104,0.00846098113898,89.5779339625,-0.00242953730591,6.37493074725 +0.4400000000000003,0.000538920206172,44.0357167442,-0.000124872895722,4.26023895104,0.0116341321439,89.5779339625,-0.00241527384152,6.37493074725 +0.4450000000000003,0.00083332836303,44.0357167442,-0.000115037905335,4.26023895104,0.0169104377955,89.5779339625,-0.00241510351775,6.37493074725 +0.4500000000000003,0.000979990307551,44.0357167442,-0.000107476524761,4.26023895104,0.0267384670864,89.5779339625,-0.00242920045163,6.37493074725 +0.4550000000000003,0.00104034092623,44.0357167442,-0.000101631778891,4.26023895104,0.0485577816502,89.5779339625,-0.00245839075619,6.37493074725 +0.4600000000000003,0.00101105932075,44.0357167442,-9.7133762618e-05,4.26023895104,0.115008653783,89.5779339625,-0.00250423197698,6.37493074725 +0.4650000000000003,0.000835758543549,44.0357167442,-9.37324469875e-05,4.26023895104,0.558814625608,89.5779339625,-0.00256918057227,6.37493074725 +0.4700000000000003,0.000197511945031,44.0357167442,-9.12588907404e-05,4.26023895104,10.5622659818,89.5779339625,-0.0026568850777,6.37493074725 +0.4750000000000003,0.00120658782902,44.0357167442,-8.96022798672e-05,4.26023895104,0.248409416677,89.5779339625,-0.00277267748798,6.37493074725 +0.4800000000000003,0.00200560785636,44.0357167442,-8.86964203642e-05,4.26023895104,0.0696616165828,89.5779339625,-0.00292440131514,6.37493074725 +0.4850000000000003,0.00293042744372,44.0357167442,-8.85123865531e-05,4.26023895104,0.030694566771,89.5779339625,-0.00312384969114,6.37493074725 +0.4900000000000003,0.00351792539219,44.0357167442,-8.90557076899e-05,4.26023895104,0.0142117199018,89.5779339625,-0.00338938462777,6.37493074725 +0.49500000000000033,0.00355039112854,44.0357167442,-9.06229094189e-05,4.26023895104,0.00873543121424,89.5779339625,-0.00358403899994,6.37493074725 From 58136d170f89c5681c79ac8760a78aa6dcc1e2a0 Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 15:09:11 -0700 Subject: [PATCH 62/77] Update tests Added more test files for DSS --- tests/framework/PostProcessors/Validation/tests | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/tests/framework/PostProcessors/Validation/tests b/tests/framework/PostProcessors/Validation/tests index 0420a95157..bf4c6e2ee4 100644 --- a/tests/framework/PostProcessors/Validation/tests +++ b/tests/framework/PostProcessors/Validation/tests @@ -16,7 +16,7 @@ [./test_validation_dss] type = 'RavenFramework' input = 'test_validation_dss.xml' - csv = 'DSS/pp2_print_0.csv DSS/pp2_print_1.csv DSS/pp2_print_2.csv DSS/pp2_print_3.csv' + csv = 'DSS/pp2_print_0.csv DSS/pp2_print_1.csv DSS/pp2_print_2.csv DSS/pp2_print_3.csv DSS/pp2_print_4.csv DSS/pp2_print_5.csv DSS/pp2_print_6.csv DSS/pp2_print_7.csv DSS/pp2_print_8.csv DSS/pp2_print_9.csv' rel_err = 0.00001 zero_threshold = 1e-9 [../] From 4bd7eb05e55cbd5b00273101dd1c0225457eb8e2 Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 15:10:25 -0700 Subject: [PATCH 63/77] Add files via upload Added more test files --- .../Validation/gold/DSS/pp2_print_4.csv | 101 ++++++++++++++++++ .../Validation/gold/DSS/pp2_print_5.csv | 101 ++++++++++++++++++ .../Validation/gold/DSS/pp2_print_6.csv | 101 ++++++++++++++++++ .../Validation/gold/DSS/pp2_print_7.csv | 101 ++++++++++++++++++ .../Validation/gold/DSS/pp2_print_8.csv | 101 ++++++++++++++++++ .../Validation/gold/DSS/pp2_print_9.csv | 101 ++++++++++++++++++ 6 files changed, 606 insertions(+) create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_4.csv create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_5.csv create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_6.csv create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_7.csv create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_8.csv create mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_9.csv diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_4.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_4.csv new file mode 100644 index 0000000000..c2fa7e0d15 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_4.csv @@ -0,0 +1,101 @@ +pivot_parameter,dss_x2_x1,total_distance_x2_x1,process_time_x2_x1,standard_deviation_x2_x1,dss_y2_y1,total_distance_y2_y1,process_time_y2_y1,standard_deviation_y2_y1 +0.0,0.0429210774314,42.5042920116,-2.58763599149e-07,3.98721450795,0.000120323536489,66.759187629,-0.000796863362781,4.48705711319 +0.005,0.0226746864051,42.5042920116,-1.88277487412e-07,3.98721450795,0.000171892942393,66.759187629,-0.000929513052436,4.48705711319 +0.01,0.00948034831461,42.5042920116,-1.26220962855e-07,3.98721450795,0.000229894838287,66.759187629,-0.00104518996265,4.48705711319 +0.015,0.00504745948265,42.5042920116,-1.00227636928e-07,3.98721450795,0.000248962142634,66.759187629,-0.00114111342525,4.48705711319 +0.02,0.00324592787473,42.5042920116,-8.65928444463e-08,3.98721450795,0.000227867826804,66.759187629,-0.00121943520563,4.48705711319 +0.025,0.00232993477961,42.5042920116,-7.86214709853e-08,3.98721450795,0.00013402192684,66.759187629,-0.00128346585793,4.48705711319 +0.030000000000000002,0.00179391456704,42.5042920116,-7.36945495633e-08,3.98721450795,0.000206415110238,66.759187629,-0.00133694718389,4.48705711319 +0.035,0.00144667287407,42.5042920116,-7.05830847373e-08,3.98721450795,0.000362071372763,66.759187629,-0.00138362347067,4.48705711319 +0.04,0.00120207269493,42.5042920116,-6.86420609604e-08,3.98721450795,0.000497803270943,66.759187629,-0.00142708439538,4.48705711319 +0.045,0.0010157437165,42.5042920116,-6.75098847705e-08,3.98721450795,0.000625984327108,66.759187629,-0.00147081240357,4.48705711319 +0.049999999999999996,0.00086177528289,42.5042920116,-6.697888141e-08,3.98721450795,0.000748350300887,66.759187629,-0.00151838382794,4.48705711319 +0.05499999999999999,0.000722507845852,42.5042920116,-6.69338177234e-08,3.98721450795,0.000862542715507,66.759187629,-0.00157381653281,4.48705711319 +0.05999999999999999,0.000582561073969,42.5042920116,-6.73212386682e-08,3.98721450795,0.000961349666028,66.759187629,-0.00164212091784,4.48705711319 +0.06499999999999999,0.0004211342774,42.5042920116,-6.81347083464e-08,3.98721450795,0.00102838300159,66.759187629,-0.00173021828307,4.48705711319 +0.06999999999999999,0.000162786739969,42.5042920116,-6.94098178089e-08,3.98721450795,0.00102677084006,66.759187629,-0.00184861620323,4.48705711319 +0.075,0.00034106477075,42.5042920116,-7.12269812792e-08,3.98721450795,0.000868030128589,66.759187629,-0.0020147990761,4.48705711319 +0.08,0.0004972559862,42.5042920116,-7.37228333179e-08,3.98721450795,0.00031283261033,66.759187629,-0.00226095887481,4.48705711319 +0.085,0.000593755539392,42.5042920116,-7.71142257423e-08,3.98721450795,0.00142469563485,66.759187629,-0.00265450907693,4.48705711319 +0.09000000000000001,0.000634568800506,42.5042920116,-8.17444706042e-08,3.98721450795,0.00794338166618,66.759187629,-0.00336571625527,4.48705711319 +0.09500000000000001,0.000585074665124,42.5042920116,-8.81740968284e-08,3.98721450795,0.052586474673,66.759187629,-0.00498758515964,4.48705711319 +0.10000000000000002,0.000270781852557,42.5042920116,-9.73708918137e-08,3.98721450795,38.7746264822,66.759187629,-0.0120120481056,4.48705711319 +0.10500000000000002,0.000757029486118,42.5042920116,-1.11149996745e-07,3.98721450795,0.0561008491517,66.759187629,0.016906922426,4.48705711319 +0.11000000000000003,0.00137201077802,42.5042920116,-1.33351571451e-07,3.98721450795,0.00907661822362,66.759187629,0.00429969732494,4.48705711319 +0.11500000000000003,0.00208175711366,42.5042920116,-1.73752370979e-07,3.98721450795,0.0058558890574,66.759187629,0.00224619323667,4.48705711319 +0.12000000000000004,0.00295502637821,42.5042920116,-2.6678180566e-07,3.98721450795,0.00356580543577,66.759187629,0.00140964362005,4.48705711319 +0.12500000000000003,0.00405555745997,42.5042920116,-6.8208376736e-07,3.98721450795,0.00218549740419,66.759187629,0.000955906724491,4.48705711319 +0.13000000000000003,0.00546829882086,42.5042920116,9.11716916966e-07,3.98721450795,0.00131181090369,66.759187629,0.000668584961619,4.48705711319 +0.13500000000000004,0.00731272280983,42.5042920116,2.53882503244e-07,3.98721450795,0.000741205705695,66.759187629,0.000465353123277,4.48705711319 +0.14000000000000004,0.00979233197895,42.5042920116,1.41770170644e-07,3.98721450795,0.000370423952588,66.759187629,0.000306624514363,4.48705711319 +0.14500000000000005,0.0132679696351,42.5042920116,9.58209299766e-08,3.98721450795,0.000141684029447,66.759187629,0.000169123601339,4.48705711319 +0.15000000000000005,0.0184599442821,42.5042920116,7.09598310371e-08,3.98721450795,1.8189824464e-05,66.759187629,3.57011774437e-05,4.48705711319 +0.15500000000000005,0.027006076227,42.5042920116,5.53787665993e-08,3.98721450795,2.69263886216e-05,66.759187629,-0.000110071393958,4.48705711319 +0.16000000000000006,0.043396473075,42.5042920116,4.46007295061e-08,3.98721450795,1.5928461347e-05,66.759187629,-0.000288492400047,4.48705711319 +0.16500000000000006,0.0843617976709,42.5042920116,3.65315142319e-08,3.98721450795,2.94908601559e-05,66.759187629,-0.000530187585482,4.48705711319 +0.17000000000000007,0.267437191886,42.5042920116,3.00400154852e-08,3.98721450795,7.85844859953e-05,66.759187629,-0.000888878364737,4.48705711319 +0.17500000000000007,39.5995642727,42.5042920116,2.44435800989e-08,3.98721450795,6.27524842825e-05,66.759187629,-0.00147282126673,4.48705711319 +0.18000000000000008,0.23283495524,42.5042920116,1.92899105945e-08,3.98721450795,0.000393031455422,66.759187629,-0.00254096674367,4.48705711319 +0.18500000000000008,0.0377029647036,42.5042920116,1.42532665899e-08,3.98721450795,0.00108059648222,66.759187629,-0.00490601136197,4.48705711319 +0.19000000000000009,0.00971931953573,42.5042920116,9.07998394214e-09,3.98721450795,0.00335193053527,66.759187629,-0.0131052537905,4.48705711319 +0.1950000000000001,0.00194402012534,42.5042920116,3.55695341194e-09,3.98721450795,0.0288157080111,66.759187629,0.111119637429,4.48705711319 +0.2000000000000001,0.000789007424842,42.5042920116,-2.50881765595e-09,3.98721450795,0.00340489956191,66.759187629,0.0153398752177,4.48705711319 +0.2050000000000001,0.0018069467301,42.5042920116,-9.30551098934e-09,3.98721450795,0.000886249897845,66.759187629,0.00986487757469,4.48705711319 +0.2100000000000001,0.00213415233223,42.5042920116,-1.70301205364e-08,3.98721450795,0.00197434274466,66.759187629,0.00806219680965,4.48705711319 +0.2150000000000001,0.00215386971424,42.5042920116,-2.59028992996e-08,3.98721450795,0.00290357965995,66.759187629,0.00725423053019,4.48705711319 +0.2200000000000001,0.00202794684625,42.5042920116,-3.6185051716e-08,3.98721450795,0.00375669037958,66.759187629,0.00684304922233,4.48705711319 +0.22500000000000012,0.00182964836656,42.5042920116,-4.82026922119e-08,3.98721450795,0.00466691769981,66.759187629,0.00661376008556,4.48705711319 +0.23000000000000012,0.00159240713508,42.5042920116,-6.23815436944e-08,3.98721450795,0.0056899302253,66.759187629,0.00646782307292,4.48705711319 +0.23500000000000013,0.00132912495027,42.5042920116,-7.92997498631e-08,3.98721450795,0.00687479377827,66.759187629,0.00635446011184,4.48705711319 +0.24000000000000013,0.00103830732174,42.5042920116,-9.97718983184e-08,3.98721450795,0.00829023332622,66.759187629,0.00624755081057,4.48705711319 +0.24500000000000013,0.000695902939527,42.5042920116,-1.24989041547e-07,3.98721450795,0.0100518332475,66.759187629,0.00613577254167,4.48705711319 +0.2500000000000001,0.000101370151465,42.5042920116,-1.56764737434e-07,3.98721450795,0.012369599866,66.759187629,0.00601710796228,4.48705711319 +0.2550000000000001,0.000634366192399,42.5042920116,-1.97995682254e-07,3.98721450795,0.0156538682364,66.759187629,0.00589508561284,4.48705711319 +0.2600000000000001,0.00082781465752,42.5042920116,-2.53594408295e-07,3.98721450795,0.0207982301542,66.759187629,0.00577606148122,4.48705711319 +0.2650000000000001,0.000918695455897,42.5042920116,-3.32577490134e-07,3.98721450795,0.03011459243,66.759187629,0.00566738644425,4.48705711319 +0.27000000000000013,0.000922393059111,42.5042920116,-4.53417758407e-07,3.98721450795,0.0515980644232,66.759187629,0.00557635785787,4.48705711319 +0.27500000000000013,0.000810988865628,42.5042920116,-6.60714425601e-07,3.98721450795,0.135225219331,66.759187629,0.00550979895751,4.48705711319 +0.28000000000000014,0.000429693569777,42.5042920116,-1.09630466535e-06,3.98721450795,6.40304262548,66.759187629,0.00547408567939,4.48705711319 +0.28500000000000014,0.000836941171462,42.5042920116,-2.57998984252e-06,3.98721450795,0.0676096373694,66.759187629,0.00547546782487,4.48705711319 +0.29000000000000015,0.00149558143108,42.5042920116,1.4219102203e-05,3.98721450795,0.00307629826549,66.759187629,0.00552058943328,4.48705711319 +0.29500000000000015,0.0021822027933,42.5042920116,2.13160505556e-06,3.98721450795,0.00891691456767,66.759187629,0.00561718127105,4.48705711319 +0.30000000000000016,0.00299665187208,42.5042920116,1.22797162496e-06,3.98721450795,0.00920720850351,66.759187629,0.00577497045255,4.48705711319 +0.30500000000000016,0.00401320233112,42.5042920116,9.00824709804e-07,3.98721450795,0.00865182782854,66.759187629,0.00600693866764,4.48705711319 +0.31000000000000016,0.00533813206754,42.5042920116,7.35608245292e-07,3.98721450795,0.00802948301508,66.759187629,0.00633119058333,4.48705711319 +0.31500000000000017,0.00713895234598,42.5042920116,6.391190097e-07,3.98721450795,0.0074994321322,66.759187629,0.00677393065121,4.48705711319 +0.3200000000000002,0.00970139430055,42.5042920116,5.78826939322e-07,3.98721450795,0.00708861919897,66.759187629,0.00737453216484,4.48705711319 +0.3250000000000002,0.0135511035394,42.5042920116,5.40573372057e-07,3.98721450795,0.00679369640653,66.759187629,0.00819477189801,4.48705711319 +0.3300000000000002,0.0197463011782,42.5042920116,5.17382815126e-07,3.98721450795,0.00660658399877,66.759187629,0.00933697928399,4.48705711319 +0.3350000000000002,0.0306862090327,42.5042920116,5.05628031261e-07,3.98721450795,0.00652090328567,66.759187629,0.0109831765145,4.48705711319 +0.3400000000000002,0.052812109418,42.5042920116,5.03497651392e-07,3.98721450795,0.00653080602865,66.759187629,0.013490399851,4.48705711319 +0.3450000000000002,0.108669379282,42.5042920116,5.10344625298e-07,3.98721450795,0.0066143683227,66.759187629,0.0176659657383,4.48705711319 +0.3500000000000002,0.327916981531,42.5042920116,5.26445243661e-07,3.98721450795,0.00661349469494,66.759187629,0.0258010135602,4.48705711319 +0.3550000000000002,4.28211784458,42.5042920116,5.53014421849e-07,3.98721450795,0.00428355613997,66.759187629,0.0479679116919,4.48705711319 +0.3600000000000002,1.72737927465,42.5042920116,5.92469615203e-07,3.98721450795,0.0598805140848,66.759187629,0.320488445035,4.48705711319 +0.3650000000000002,0.252385762398,42.5042920116,6.49066803354e-07,3.98721450795,0.0178157238898,66.759187629,-0.0704216940179,4.48705711319 +0.3700000000000002,0.0970498592263,42.5042920116,7.30268777375e-07,3.98721450795,0.00912335434355,66.759187629,-0.0323414408996,4.48705711319 +0.3750000000000002,0.0510997449507,42.5042920116,8.49823350608e-07,3.98721450795,0.00607576940993,66.759187629,-0.0213324395113,4.48705711319 +0.3800000000000002,0.0314679759659,42.5042920116,1.03550939194e-06,3.98721450795,0.00418520580298,66.759187629,-0.0161446716253,4.48705711319 +0.38500000000000023,0.0212652656032,42.5042920116,1.35240949531e-06,3.98721450795,0.00246994248335,66.759187629,-0.0131564505625,4.48705711319 +0.39000000000000024,0.0152626267732,42.5042920116,1.99597568289e-06,3.98721450795,0.00154539191705,66.759187629,-0.0112348313784,4.48705711319 +0.39500000000000024,0.0114072215996,42.5042920116,3.94244581426e-06,3.98721450795,0.00316256442031,66.759187629,-0.00991158466035,4.48705711319 +0.40000000000000024,0.0067360329184,42.5042920116,0.00198158465299,3.98721450795,0.00423571471397,66.759187629,-0.00895835104381,4.48705711319 +0.40500000000000025,0.00684823860276,42.5042920116,-3.91645782784e-06,3.98721450795,0.00521943667849,66.759187629,-0.00825075885281,4.48705711319 +0.41000000000000025,0.00537779227538,42.5042920116,-1.95743492122e-06,3.98721450795,0.00625695264411,66.759187629,-0.00771556614524,4.48705711319 +0.41500000000000026,0.00419484847639,42.5042920116,-1.31016463528e-06,3.98721450795,0.00745057784587,66.759187629,-0.00730712797707,4.48705711319 +0.42000000000000026,0.00318347032955,42.5042920116,-9.90279960958e-07,3.98721450795,0.00891354299678,66.759187629,-0.00699583007917,4.48705711319 +0.42500000000000027,0.00224227447456,42.5042920116,-8.01265222945e-07,3.98721450795,0.0108057641842,66.759187629,-0.00676196303412,4.48705711319 +0.43000000000000027,0.00119556732437,42.5042920116,-6.77696585071e-07,3.98721450795,0.0133872541632,66.759187629,-0.00659229113583,4.48705711319 +0.4350000000000003,0.00106997831016,42.5042920116,-5.91579834478e-07,3.98721450795,0.0171283424976,66.759187629,-0.00647805623747,4.48705711319 +0.4400000000000003,0.00172079794154,42.5042920116,-5.28953461569e-07,3.98721450795,0.0229794936926,66.759187629,-0.00641379963993,4.48705711319 +0.4450000000000003,0.00203410408163,42.5042920116,-4.82094359825e-07,3.98721450795,0.0331536939865,66.759187629,-0.00639668695263,4.48705711319 +0.4500000000000003,0.00216100873046,42.5042920116,-4.46402356048e-07,3.98721450795,0.0539861420004,66.759187629,-0.00642617502383,4.48705711319 +0.4550000000000003,0.00210363027754,42.5042920116,-4.18985889726e-07,3.98721450795,0.111146945632,66.759187629,-0.00650394815919,4.48705711319 +0.4600000000000003,0.00176105807225,42.5042920116,-3.97956738826e-07,3.98721450795,0.429428331653,66.759187629,-0.00663411182462,4.48705711319 +0.4650000000000003,0.000372612174265,42.5042920116,-3.82052477928e-07,3.98721450795,21.6477935554,66.759187629,-0.00682368905246,4.48705711319 +0.4700000000000003,0.00233396934444,42.5042920116,-3.70423512373e-07,3.98721450795,0.167903604109,66.759187629,-0.00708353895997,4.48705711319 +0.4750000000000003,0.00392265940012,42.5042920116,-3.62508888754e-07,3.98721450795,0.029815419391,66.759187629,-0.00742993924142,4.48705711319 +0.4800000000000003,0.00572445365239,42.5042920116,-3.57963463503e-07,3.98721450795,0.00504778962659,66.759187629,-0.00788730678225,4.48705711319 +0.4850000000000003,0.00795415100207,42.5042920116,-3.56617334839e-07,3.98721450795,0.00283666412034,66.759187629,-0.00849301391408,4.48705711319 +0.4900000000000003,0.0093486859661,42.5042920116,-3.58458029622e-07,3.98721450795,0.00547953090847,66.759187629,-0.00930635054146,4.48705711319 +0.49500000000000033,0.0092688521603,42.5042920116,-3.63243997867e-07,3.98721450795,0.0052355779109,66.759187629,-0.00986663997715,4.48705711319 diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_5.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_5.csv new file mode 100644 index 0000000000..1ab40ef3a2 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_5.csv @@ -0,0 +1,101 @@ +pivot_parameter,dss_x2_x1,total_distance_x2_x1,process_time_x2_x1,standard_deviation_x2_x1,dss_y2_y1,total_distance_y2_y1,process_time_y2_y1,standard_deviation_y2_y1 +0.0,0.0596713136288,8.24785892678,0.00298335892525,1.48821899309,0.000757996482247,88.6649849004,-0.00406841717664,10.0143918804 +0.005,0.0403887199817,8.24785892678,0.00171671719339,1.48821899309,0.00107493516114,88.6649849004,-0.00488602335465,10.0143918804 +0.01,0.021457268462,8.24785892678,0.000975379420475,1.48821899309,0.00141215541624,88.6649849004,-0.00564642650618,10.0143918804 +0.015,0.0127563458085,8.24785892678,0.000727419522316,1.48821899309,0.00147908293,88.6649849004,-0.00629338354185,10.0143918804 +0.02,0.00872814053437,8.24785892678,0.000609364278666,1.48821899309,0.00123396522493,88.6649849004,-0.00683550516393,10.0143918804 +0.025,0.00650963278358,8.24785892678,0.000544211823823,1.48821899309,0.000589067651169,88.6649849004,-0.00729193620353,10.0143918804 +0.030000000000000002,0.00513558205016,8.24785892678,0.000505691997334,1.48821899309,0.00194710576048,88.6649849004,-0.00768719897151,10.0143918804 +0.035,0.00420352750503,8.24785892678,0.000482460496942,1.48821899309,0.00304922240933,88.6649849004,-0.00804796258607,10.0143918804 +0.04,0.00351884235798,8.24785892678,0.000468904545084,1.48821899309,0.00419803017967,88.6649849004,-0.00840196492834,10.0143918804 +0.045,0.00297504601393,8.24785892678,0.000462034673272,1.48821899309,0.00548201849669,88.6649849004,-0.00877888136346,10.0143918804 +0.049999999999999996,0.00250571822,8.24785892678,0.000460238192027,1.48821899309,0.0069924432328,88.6649849004,-0.00921311644611,10.0143918804 +0.05499999999999999,0.00206093021495,8.24785892678,0.00046272484273,1.48821899309,0.00886316536524,88.6649849004,-0.00974918165639,10.0143918804 +0.05999999999999999,0.00158871198812,8.24785892678,0.000469274912157,1.48821899309,0.0113187216975,88.6649849004,-0.0104518013672,10.0143918804 +0.06499999999999999,0.000988371849631,8.24785892678,0.000480146618648,1.48821899309,0.0147741561945,88.6649849004,-0.0114264825561,10.0143918804 +0.06999999999999999,0.000676215099715,8.24785892678,0.00049609536498,1.48821899309,0.020084690738,88.6649849004,-0.0128667572569,10.0143918804 +0.075,0.00133455218979,8.24785892678,0.000518510317718,1.48821899309,0.0292866271455,88.6649849004,-0.0151814075195,10.0143918804 +0.08,0.00171016539995,8.24785892678,0.000549728584591,1.48821899309,0.0483906245799,88.6649849004,-0.0194249514852,10.0143918804 +0.085,0.00192742797663,8.24785892678,0.000593689238732,1.48821899309,0.103111832075,88.6649849004,-0.0294376198302,10.0143918804 +0.09000000000000001,0.00195402838494,8.24785892678,0.000657345156865,1.48821899309,0.471703756869,88.6649849004,-0.0791623868258,10.0143918804 +0.09500000000000001,0.00162516047845,8.24785892678,0.000754018281161,1.48821899309,1.43000657874,88.6649849004,0.0744809851547,10.0143918804 +0.10000000000000002,0.000923616725523,8.24785892678,0.00091266775343,1.48821899309,0.571870902273,88.6649849004,0.0220317175692,10.0143918804 +0.10500000000000002,0.00292931472298,8.24785892678,0.00121018808551,1.48821899309,0.0288985355573,88.6649849004,0.0117726263778,10.0143918804 +0.11000000000000003,0.00501373470027,8.24785892678,0.00194053930215,1.48821899309,0.014109616023,88.6649849004,0.00742208599557,10.0143918804 +0.11500000000000003,0.00935304905678,8.24785892678,0.00622084422909,1.48821899309,0.0072327244666,88.6649849004,0.00501421121827,10.0143918804 +0.12000000000000004,0.00557777361093,8.24785892678,-0.00419647674731,1.48821899309,0.00402850056889,88.6649849004,0.0034655397324,10.0143918804 +0.12500000000000003,0.00979531259825,8.24785892678,-0.00146689800694,1.48821899309,0.00232548826702,88.6649849004,0.00235124503231,10.0143918804 +0.13000000000000003,0.0133606850495,8.24785892678,-0.000855532526256,1.48821899309,0.00127999798831,88.6649849004,0.00146085878973,10.0143918804 +0.13500000000000004,0.0174879599859,8.24785892678,-0.000588332333143,1.48821899309,0.000528773650119,88.6649849004,0.000664996972855,10.0143918804 +0.14000000000000004,0.0226368480777,8.24785892678,-0.000439190074375,1.48821899309,0.000100807061824,88.6649849004,-0.000138609996942,10.0143918804 +0.14500000000000005,0.0294566671809,8.24785892678,-0.000343740532731,1.48821899309,0.000698434803965,88.6649849004,-0.00105702932118,10.0143918804 +0.15000000000000005,0.0392098652043,8.24785892678,-0.00027648285387,1.48821899309,0.00131574760004,88.6649849004,-0.00223431321915,10.0143918804 +0.15500000000000005,0.0547844237937,8.24785892678,-0.000225122804365,1.48821899309,0.00198529921049,88.6649849004,-0.00390419938065,10.0143918804 +0.16000000000000006,0.0842651389076,8.24785892678,-0.000182853018662,1.48821899309,0.00272108972718,88.6649849004,-0.00650638427369,10.0143918804 +0.16500000000000006,0.159580340992,8.24785892678,-0.000145469148075,1.48821899309,0.00347548611167,88.6649849004,-0.0110061048826,10.0143918804 +0.17000000000000007,0.557091294957,8.24785892678,-0.000110121372337,1.48821899309,0.00381481852366,88.6649849004,-0.0200364751739,10.0143918804 +0.17500000000000007,12.1384242322,8.24785892678,-7.47089794775e-05,1.48821899309,0.00515095255422,88.6649849004,-0.0442706127039,10.0143918804 +0.18000000000000008,0.0941520654996,8.24785892678,-3.75546659388e-05,1.48821899309,0.0515638711526,88.6649849004,-0.233327481272,10.0143918804 +0.18500000000000008,0.0018466895338,8.24785892678,2.79275341826e-06,1.48821899309,0.0333257910685,88.6649849004,0.126394256539,10.0143918804 +0.19000000000000009,0.0133909013309,8.24785892678,4.76982268389e-05,1.48821899309,0.0172005373907,88.6649849004,0.0625477836308,10.0143918804 +0.1950000000000001,0.0143676846347,8.24785892678,9.85617929314e-05,1.48821899309,0.0121238960739,88.6649849004,0.0468546843259,10.0143918804 +0.2000000000000001,0.0132454111181,8.24785892678,0.000156948474826,1.48821899309,0.00827846218308,88.6649849004,0.0400419738136,10.0143918804 +0.2050000000000001,0.0117267281422,8.24785892678,0.0002247530508,1.48821899309,0.00133580976173,88.6649849004,0.0362515822189,10.0143918804 +0.2100000000000001,0.0102332976647,8.24785892678,0.000304434305905,1.48821899309,0.00826207087629,88.6649849004,0.0337155746563,10.0143918804 +0.2150000000000001,0.00886570331014,8.24785892678,0.00039937447819,1.48821899309,0.0121255466836,88.6649849004,0.0317290507048,10.0143918804 +0.2200000000000001,0.00763179050478,8.24785892678,0.000514465319497,1.48821899309,0.0153977370759,88.6649849004,0.0299841819658,10.0143918804 +0.22500000000000012,0.00651080937819,8.24785892678,0.000657122258536,1.48821899309,0.0184644969169,88.6649849004,0.0283560491967,10.0143918804 +0.23000000000000012,0.00547180244936,8.24785892678,0.000839160330791,1.48821899309,0.0215190905751,88.6649849004,0.0268104540029,10.0143918804 +0.23500000000000013,0.00447528974898,8.24785892678,0.0010805523007,1.48821899309,0.0247442361023,88.6649849004,0.0253553383884,10.0143918804 +0.24000000000000013,0.00346065703489,8.24785892678,0.00141775096251,1.48821899309,0.0283731794415,88.6649849004,0.0240136424542,10.0143918804 +0.24500000000000013,0.00228209057012,8.24785892678,0.00192473674602,1.48821899309,0.0327444444255,88.6649849004,0.0228093281116,10.0143918804 +0.2500000000000001,0.000963759113803,8.24785892678,0.00277733359964,1.48821899309,0.0383976269936,88.6649849004,0.0217617348428,10.0143918804 +0.2550000000000001,0.00279843287944,8.24785892678,0.00451877901988,1.48821899309,0.0462869018341,88.6649849004,0.020884730362,10.0143918804 +0.2600000000000001,0.00488298519198,8.24785892678,0.0100623683817,1.48821899309,0.0583319673375,88.6649849004,0.0201882044552,10.0143918804 +0.2650000000000001,0.0297041651768,8.24785892678,-0.11859949553,1.48821899309,0.0791368497688,88.6649849004,0.0196804580253,10.0143918804 +0.27000000000000013,6.8287722189e-05,8.24785892678,-0.00961118985076,1.48821899309,0.123256380142,88.6649849004,0.019370816832,10.0143918804 +0.27500000000000013,0.0009351269037,8.24785892678,-0.00529731502892,1.48821899309,0.271026421874,88.6649849004,0.0192723176787,10.0143918804 +0.28000000000000014,0.00064468430119,8.24785892678,-0.00379500073563,1.48821899309,10.9596495355,88.6649849004,0.0194046465312,10.0143918804 +0.28500000000000014,0.00149933499259,8.24785892678,-0.00304127280144,1.48821899309,0.139037315517,88.6649849004,0.019797766401,10.0143918804 +0.29000000000000015,0.00279923531861,8.24785892678,-0.00259708281353,1.48821899309,0.0964728011067,88.6649849004,0.0204969877759,10.0143918804 +0.29500000000000015,0.00421500842565,8.24785892678,-0.00231253010197,1.48821899309,0.0718072142544,88.6649849004,0.021570783776,10.0143918804 +0.30000000000000016,0.00588709888809,8.24785892678,-0.00212285238844,1.48821899309,0.0585401547807,88.6649849004,0.0231237670441,10.0143918804 +0.30500000000000016,0.00796095808816,8.24785892678,-0.00199589698276,1.48821899309,0.0509454886095,88.6649849004,0.0253196873874,10.0143918804 +0.31000000000000016,0.0106456583905,8.24785892678,-0.00191434209572,1.48821899309,0.0466973452571,88.6649849004,0.0284250738279,10.0143918804 +0.31500000000000017,0.014274995554,8.24785892678,-0.00186856406525,1.48821899309,0.0448414265161,88.6649849004,0.0328990905541,10.0143918804 +0.3200000000000002,0.0194208518108,8.24785892678,-0.0018534577933,1.48821899309,0.0451499679176,88.6649849004,0.0395989671083,10.0143918804 +0.3250000000000002,0.0271369486365,8.24785892678,-0.00186696803183,1.48821899309,0.0480780970995,88.6649849004,0.0503216477519,10.0143918804 +0.3300000000000002,0.0395449317938,8.24785892678,-0.00190949210519,1.48821899309,0.0554233382163,88.6649849004,0.0695641047779,10.0143918804 +0.3350000000000002,0.0614484432964,8.24785892678,-0.00198384702554,1.48821899309,0.0738633465716,88.6649849004,0.112619304112,10.0143918804 +0.3400000000000002,0.105693083605,8.24785892678,-0.00209575938315,1.48821899309,0.150828252378,88.6649849004,0.286486021512,10.0143918804 +0.3450000000000002,0.216817117462,8.24785892678,-0.00225505892529,1.48821899309,0.236469353326,88.6649849004,-0.587626440054,10.0143918804 +0.3500000000000002,0.644584303784,8.24785892678,-0.00247809975398,1.48821899309,0.0414285202324,88.6649849004,-0.150910767825,10.0143918804 +0.3550000000000002,7.34492012252,8.24785892678,-0.00279269257058,1.48821899309,0.00951481137276,88.6649849004,-0.089033708049,10.0143918804 +0.3600000000000002,4.34288558843,8.24785892678,-0.00324886058394,1.48821899309,0.0118899997706,88.6649849004,-0.0645816384117,10.0143918804 +0.3650000000000002,0.597040173151,8.24785892678,-0.00394508723374,1.48821899309,0.012976604334,88.6649849004,-0.0516337014989,10.0143918804 +0.3700000000000002,0.236129459868,8.24785892678,-0.00510397224372,1.48821899309,0.0121979687809,88.6649849004,-0.0437121248552,10.0143918804 +0.3750000000000002,0.134268453419,8.24785892678,-0.00735494869215,1.48821899309,0.010775383829,88.6649849004,-0.0384315095947,10.0143918804 +0.3800000000000002,0.0999823476125,8.24785892678,-0.0134387140869,1.48821899309,0.00885858383799,88.6649849004,-0.0347086528934,10.0143918804 +0.38500000000000023,0.200080093136,8.24785892678,-0.0828345467557,1.48821899309,0.00609499699586,88.6649849004,-0.0319814634776,10.0143918804 +0.39000000000000024,0.00332456893692,8.24785892678,0.0198831111441,1.48821899309,0.00299919074849,88.6649849004,-0.0299300713768,10.0143918804 +0.39500000000000024,0.0139173823182,8.24785892678,0.00893055145572,1.48821899309,0.00789639452663,88.6649849004,-0.0283599192504,10.0143918804 +0.40000000000000024,0.0133567482408,8.24785892678,0.00580314890957,1.48821899309,0.0112482581254,88.6649849004,-0.027146786368,10.0143918804 +0.40500000000000025,0.011518636728,8.24785892678,0.00433379576915,1.48821899309,0.0143798669505,88.6649849004,-0.0262086004685,10.0143918804 +0.41000000000000025,0.00962369943993,8.24785892678,0.00348756344363,1.48821899309,0.0176380464408,88.6649849004,-0.0254899867306,10.0143918804 +0.41500000000000026,0.00786381952111,8.24785892678,0.00294256478533,1.48821899309,0.0212625406972,88.6649849004,-0.024953353551,10.0143918804 +0.42000000000000026,0.00621460160306,8.24785892678,0.00256618619707,1.48821899309,0.0255097148848,88.6649849004,-0.0245735597875,10.0143918804 +0.42500000000000027,0.00457043669825,8.24785892678,0.00229387323068,1.48821899309,0.0307250939343,88.6649849004,-0.0243346685743,10.0143918804 +0.43000000000000027,0.00266017914029,8.24785892678,0.00209050295774,1.48821899309,0.0374407956532,88.6649849004,-0.0242280003004,10.0143918804 +0.4350000000000003,0.00195939305634,8.24785892678,0.00193539386917,1.48821899309,0.0465622681817,88.6649849004,-0.024251065837,10.0143918804 +0.4400000000000003,0.0035237192344,8.24785892678,0.00181564315485,1.48821899309,0.0597938849395,88.6649849004,-0.0244071712941,10.0143918804 +0.4450000000000003,0.00433452513221,8.24785892678,0.00172285541782,1.48821899309,0.0807750410009,88.6649849004,-0.024705624287,10.0143918804 +0.4500000000000003,0.00475641828387,8.24785892678,0.00165141071447,1.48821899309,0.118816511016,88.6649849004,-0.0251625879,10.0143918804 +0.4550000000000003,0.00479440772918,8.24785892678,0.00159749364007,1.48821899309,0.205973204895,88.6649849004,-0.0258027601299,10.0143918804 +0.4600000000000003,0.00424613982034,8.24785892678,0.00155852659959,1.48821899309,0.547182482662,88.6649849004,-0.0266622490973,10.0143918804 +0.4650000000000003,0.00210285895465,8.24785892678,0.00153283231927,1.48821899309,99.5260284787,88.6649849004,-0.0277933452369,10.0143918804 +0.4700000000000003,0.00486975364646,8.24785892678,0.00151943582873,1.48821899309,0.0138994713427,88.6649849004,-0.0292725194292,10.0143918804 +0.4750000000000003,0.00876296610878,8.24785892678,0.00151795932369,1.48821899309,0.0904834186149,88.6649849004,-0.031214259646,10.0143918804 +0.4800000000000003,0.0131742533757,8.24785892678,0.00152858754083,1.48821899309,0.0864760848037,88.6649849004,-0.0337961836701,10.0143918804 +0.4850000000000003,0.0186745982665,8.24785892678,0.00155209733618,1.48821899309,0.0793497963282,88.6649849004,-0.0373076250711,10.0143918804 +0.4900000000000003,0.0222788015269,8.24785892678,0.00158995920005,1.48821899309,0.0661588985765,88.6649849004,-0.042251805549,10.0143918804 +0.49500000000000033,0.0223598156224,8.24785892678,0.00163377442119,1.48821899309,0.0536071163974,88.6649849004,-0.0457815800695,10.0143918804 diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_6.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_6.csv new file mode 100644 index 0000000000..28086123f3 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_6.csv @@ -0,0 +1,101 @@ +pivot_parameter,dss_x2_x1,total_distance_x2_x1,process_time_x2_x1,standard_deviation_x2_x1,dss_y2_y1,total_distance_y2_y1,process_time_y2_y1,standard_deviation_y2_y1 +0.0,2.70350039542,17.0559298327,-0.340789791761,2.80203717842,0.000156598717836,10.6263294019,0.000259050984778,3.94675903436 +0.005,0.145014026695,17.0559298327,-0.039757633263,2.80203717842,0.000241969968522,10.6263294019,0.000319658532634,3.94675903436 +0.01,0.0184342248343,17.0559298327,-0.015265192276,2.80203717842,0.000354422913577,10.6263294019,0.000378452525131,3.94675903436 +0.015,0.0054159793812,17.0559298327,-0.0101994156969,2.80203717842,0.000424392383677,10.6263294019,0.000429276704692,3.94675903436 +0.02,0.00225945296386,17.0559298327,-0.00810998496426,2.80203717842,0.00043603625168,10.6263294019,0.000472183459763,3.94675903436 +0.025,0.00105198298505,17.0559298327,-0.00702895799841,2.80203717842,0.000313733296765,10.6263294019,0.000508200333029,3.94675903436 +0.030000000000000002,0.000435711422307,17.0559298327,-0.00640849065588,2.80203717842,0.000446231772485,10.6263294019,0.000538925073506,3.94675903436 +0.035,5.38463247289e-05,17.0559298327,-0.00603628382787,2.80203717842,0.00094894046027,10.6263294019,0.000566218513968,3.94675903436 +0.04,0.000212177867169,17.0559298327,-0.00581376358424,2.80203717842,0.00154717277772,10.6263294019,0.000592049990332,3.94675903436 +0.045,0.00040626422662,17.0559298327,-0.00569012435036,2.80203717842,0.00233695353429,10.6263294019,0.000618491968159,3.94675903436 +0.049999999999999996,0.00054328998326,17.0559298327,-0.00563794815128,2.80203717842,0.00342526139257,10.6263294019,0.000647852891664,3.94675903436 +0.05499999999999999,0.000623791609674,17.0559298327,-0.00564286668971,2.80203717842,0.00497363209646,10.6263294019,0.000682969014109,3.94675903436 +0.05999999999999999,0.000637706405064,17.0559298327,-0.00569886521111,2.80203717842,0.0072474241277,10.6263294019,0.00072775138905,3.94675903436 +0.06499999999999999,0.000559013790756,17.0559298327,-0.00580626402911,2.80203717842,0.0107103866443,10.6263294019,0.000788255622604,3.94675903436 +0.06999999999999999,0.000287481451342,17.0559298327,-0.00597129971804,2.80203717842,0.016232269624,10.6263294019,0.000875002867617,3.94675903436 +0.075,0.000531376376373,17.0559298327,-0.00620707243262,2.80203717842,0.0256008956333,10.6263294019,0.00100877222422,3.94675903436 +0.08,0.000858935124234,17.0559298327,-0.00653625001633,2.80203717842,0.0429883048173,10.6263294019,0.00123811168698,3.94675903436 +0.085,0.00108204272058,17.0559298327,-0.00699682574799,2.80203717842,0.0801531454306,10.6263294019,0.00171063743241,3.94675903436 +0.09000000000000001,0.0011770657274,17.0559298327,-0.00765425421471,2.80203717842,0.182929008938,10.6263294019,0.00319418398349,3.94675903436 +0.09500000000000001,0.00106598461032,17.0559298327,-0.00862891977985,2.80203717842,0.0722659787062,10.6263294019,-0.0558632772073,3.94675903436 +0.10000000000000002,0.000567583320314,17.0559298327,-0.0101665437859,2.80203717842,19.4694915252,10.6263294019,-0.00236621812496,3.94675903436 +0.10500000000000002,0.000667520653281,17.0559298327,-0.0128563411379,2.80203717842,1.38233592719,10.6263294019,-0.00108614061781,3.94675903436 +0.11000000000000003,0.000209642723362,17.0559298327,-0.0185517134201,2.80203717842,0.257274008061,10.6263294019,-0.000648733253403,3.94675903436 +0.11500000000000003,0.00828452343367,17.0559298327,-0.0376870320832,2.80203717842,0.0964666432242,10.6263294019,-0.000428477594825,3.94675903436 +0.12000000000000004,0.144707239827,17.0559298327,0.225504523191,2.80203717842,0.0449010921327,10.6263294019,-0.000294927332069,3.94675903436 +0.12500000000000003,0.03526551275,17.0559298327,0.0256238274837,2.80203717842,0.0222977585157,10.6263294019,-0.000203317850298,3.94675903436 +0.13000000000000003,0.0331703928247,17.0559298327,0.0129538127074,2.80203717842,0.0107190798809,10.6263294019,-0.000133519351623,3.94675903436 +0.13500000000000004,0.0369186074587,17.0559298327,0.00841020326735,2.80203717842,0.0043278080903,10.6263294019,-7.4325301277e-05,3.94675903436 +0.14000000000000004,0.0436136080195,17.0559298327,0.00608914584789,2.80203717842,0.000736531455036,10.6263294019,-1.78827433674e-05,3.94675903436 +0.14500000000000005,0.0533321888769,17.0559298327,0.00468169339618,2.80203717842,0.00120879479541,10.6263294019,4.30261471329e-05,3.94675903436 +0.15000000000000005,0.0674116919862,17.0559298327,0.00372924865983,2.80203717842,0.00214420007139,10.6263294019,0.000117102174359,3.94675903436 +0.15500000000000005,0.0891968213127,17.0559298327,0.00302732767872,2.80203717842,0.00245434257718,10.6263294019,0.000217359782777,3.94675903436 +0.16000000000000006,0.127404954201,17.0559298327,0.00246903815056,2.80203717842,0.00238171352001,10.6263294019,0.000366651411219,3.94675903436 +0.16500000000000006,0.210920752682,17.0559298327,0.0019913857224,2.80203717842,0.00207262799839,10.6263294019,0.000611341259544,3.94675903436 +0.17000000000000007,0.498933262292,17.0559298327,0.00155338362272,2.80203717842,0.00158067306088,10.6263294019,0.0010637940542,3.94675903436 +0.17500000000000007,6.46878977584,17.0559298327,0.00112593710116,2.80203717842,0.000626655506181,10.6263294019,0.00208610786992,3.94675903436 +0.18000000000000008,0.655111298002,17.0559298327,0.00068665319288,2.80203717842,0.00207238908005,10.6263294019,0.00585768478698,3.94675903436 +0.18500000000000008,0.0317676366152,17.0559298327,0.000216876394806,2.80203717842,0.00564972432766,10.6263294019,-0.0280610566834,3.94675903436 +0.19000000000000009,0.0154397403767,17.0559298327,-0.000300246989807,2.80203717842,0.000127857177934,10.6263294019,-0.00579642972555,3.94675903436 +0.1950000000000001,0.0209405045381,17.0559298327,-0.000881279280905,2.80203717842,0.000417907653267,10.6263294019,-0.0038052598963,3.94675903436 +0.2000000000000001,0.0193113216303,17.0559298327,-0.00154394429753,2.80203717842,0.00054169521748,10.6263294019,-0.00309861301637,3.94675903436 +0.2050000000000001,0.0162762817161,17.0559298327,-0.00230882190973,2.80203717842,0.000386115804839,10.6263294019,-0.00274818216886,3.94675903436 +0.2100000000000001,0.013146090386,17.0559298327,-0.0032016225129,2.80203717842,0.000583485476929,10.6263294019,-0.00253594406895,3.94675903436 +0.2150000000000001,0.0102444666072,17.0559298327,-0.00425653424934,2.80203717842,0.00115971533675,10.6263294019,-0.00238349915694,3.94675903436 +0.2200000000000001,0.0076307381254,17.0559298327,-0.00552148255128,2.80203717842,0.00178861090912,10.6263294019,-0.00225711318374,3.94675903436 +0.22500000000000012,0.00529130629044,17.0559298327,-0.00706688289465,2.80203717842,0.00255513351549,10.6263294019,-0.00214199093714,3.94675903436 +0.23000000000000012,0.00319965272217,17.0559298327,-0.00900111114621,2.80203717842,0.0035360070843,10.6263294019,-0.00203267234587,3.94675903436 +0.23500000000000013,0.00134241754939,17.0559298327,-0.0114998194579,2.80203717842,0.00483543162566,10.6263294019,-0.00192838052285,3.94675903436 +0.24000000000000013,0.000251759689033,17.0559298327,-0.0148664146913,2.80203717842,0.00661557445297,10.6263294019,-0.00183040889086,3.94675903436 +0.24500000000000013,0.00142719330876,17.0559298327,-0.0196711386476,2.80203717842,0.00915138000249,10.6263294019,-0.00174065200117,3.94675903436 +0.2500000000000001,0.00134156208403,17.0559298327,-0.0271215733256,2.80203717842,0.0129471305693,10.6263294019,-0.00166088128894,3.94675903436 +0.2550000000000001,0.00454121171289,17.0559298327,-0.0402872724642,2.80203717842,0.0190149428371,10.6263294019,-0.00159249232021,3.94675903436 +0.2600000000000001,0.0133176210049,17.0559298327,-0.0699107813472,2.80203717842,0.029638700964,10.6263294019,-0.00153651636415,3.94675903436 +0.2650000000000001,0.0489126794165,17.0559298327,-0.198132500708,2.80203717842,0.0509039942947,10.6263294019,-0.00149375614947,3.94675903436 +0.27000000000000013,0.0886661204926,17.0559298327,0.318548206408,2.80203717842,0.103843483557,10.6263294019,-0.00146496712723,3.94675903436 +0.27500000000000013,0.0263483245148,17.0559298327,0.0962613977282,2.80203717842,0.30629385869,10.6263294019,-0.0014510519733,3.94675903436 +0.28000000000000014,0.0118768455379,17.0559298327,0.0595519445626,2.80203717842,3.52056808431,10.6263294019,-0.00145326716944,3.94675903436 +0.28500000000000014,0.00952071153643,17.0559298327,0.0446187950249,2.80203717842,1.90127541356,10.6263294019,-0.0014734621324,3.94675903436 +0.29000000000000015,0.0165981439163,17.0559298327,0.0366451537582,2.80203717842,0.25741702441,10.6263294019,-0.00151439176325,3.94675903436 +0.29500000000000015,0.0218944490705,17.0559298327,0.0317991936693,2.80203717842,0.0973929163908,10.6263294019,-0.00158017290396,3.94675903436 +0.30000000000000016,0.0272600383624,17.0559298327,0.0286506533365,2.80203717842,0.0511392440585,10.6263294019,-0.00167701078006,3.94675903436 +0.30500000000000016,0.0334048754438,17.0559298327,0.026549321246,2.80203717842,0.0316914741449,10.6263294019,-0.00181443793749,3.94675903436 +0.31000000000000016,0.0409491507304,17.0559298327,0.0251625927794,2.80203717842,0.0217606110383,10.6263294019,-0.00200757071178,3.94675903436 +0.31500000000000017,0.0506987399776,17.0559298327,0.0243090037022,2.80203717842,0.0160644342904,10.6263294019,-0.0022815310887,3.94675903436 +0.3200000000000002,0.0639049918989,17.0559298327,0.0238888181343,2.80203717842,0.0125604451552,10.6263294019,-0.00268092991158,3.94675903436 +0.3250000000000002,0.0827222651006,17.0559298327,0.0238525614576,2.80203717842,0.0103452193036,10.6263294019,-0.00329276522819,3.94675903436 +0.3300000000000002,0.111217443509,17.0559298327,0.0241868439622,2.80203717842,0.0090194313897,10.6263294019,-0.00431169634744,3.94675903436 +0.3350000000000002,0.157951357965,17.0559298327,0.0249096883531,2.80203717842,0.00853773267382,10.6263294019,-0.00627995344153,3.94675903436 +0.3400000000000002,0.243821515825,17.0559298327,0.0260728598896,2.80203717842,0.00967126758226,10.6263294019,-0.0114854974896,3.94675903436 +0.3450000000000002,0.432623370926,17.0559298327,0.0277718222232,2.80203717842,0.0285605934433,10.6263294019,-0.059909034898,3.94675903436 +0.3500000000000002,1.01217938142,17.0559298327,0.0301673558062,2.80203717842,0.0044207317791,10.6263294019,0.0196764669438,3.94675903436 +0.3550000000000002,5.35107276081,17.0559298327,0.0335292350289,2.80203717842,0.000542683623389,10.6263294019,0.00872235955827,3.94675903436 +0.3600000000000002,26.5029092581,17.0559298327,0.0383278895683,2.80203717842,4.58421200142e-05,10.6263294019,0.00574069816566,3.94675903436 +0.3650000000000002,1.06714375597,17.0559298327,0.0454447649229,2.80203717842,0.000276764471002,10.6263294019,0.00436502065231,3.94675903436 +0.3700000000000002,0.194506526601,17.0559298327,0.0567256927075,2.80203717842,0.000574211076725,10.6263294019,0.00358206498815,3.94675903436 +0.3750000000000002,0.0254547730141,17.0559298327,0.076768170879,2.80203717842,0.000791036912911,10.6263294019,0.00308263480337,3.94675903436 +0.3800000000000002,0.165618826081,17.0559298327,0.121042578893,2.80203717842,0.000903906892494,10.6263294019,0.00274064040645,3.94675903436 +0.38500000000000023,0.487709481509,17.0559298327,0.294288341458,2.80203717842,0.00084907668413,10.6263294019,0.00249509373355,3.94675903436 +0.39000000000000024,1.12196199264,17.0559298327,-0.66528169721,2.80203717842,0.000221034645325,10.6263294019,0.00231295829839,3.94675903436 +0.39500000000000024,0.252628102145,17.0559298327,-0.156643811924,2.80203717842,0.00130640837399,10.6263294019,0.00217484705076,3.94675903436 +0.40000000000000024,0.133578368846,17.0559298327,-0.0893616762474,2.80203717842,0.00234046719873,10.6263294019,0.00206870052358,3.94675903436 +0.40500000000000025,0.0854337532619,17.0559298327,-0.0629971127082,2.80203717842,0.00360895144704,10.6263294019,0.0019866944264,3.94675903436 +0.41000000000000025,0.0591443091825,17.0559298327,-0.0490442421112,2.80203717842,0.00526974216938,10.6263294019,0.00192360550985,3.94675903436 +0.41500000000000026,0.0423629480901,17.0559298327,-0.0404861292337,2.80203717842,0.00752448453848,10.6263294019,0.00187589502334,3.94675903436 +0.42000000000000026,0.0304148034619,17.0559298327,-0.0347579590522,2.80203717842,0.0106834641405,10.6263294019,0.00184117128988,3.94675903436 +0.42500000000000027,0.0209983700673,17.0559298327,-0.0307004950546,2.80203717842,0.0152607917455,10.6263294019,0.0018178656399,3.94675903436 +0.43000000000000027,0.0124410821025,17.0559298327,-0.0277141606588,2.80203717842,0.0221631385471,10.6263294019,0.00180503625423,3.94675903436 +0.4350000000000003,0.00454472183506,17.0559298327,-0.0254585416436,2.80203717842,0.0331081849945,10.6263294019,0.00180225461043,3.94675903436 +0.4400000000000003,0.0113462342608,17.0559298327,-0.0237268822941,2.80203717842,0.0516606353503,10.6263294019,0.00180955095554,3.94675903436 +0.4450000000000003,0.0138298611298,17.0559298327,-0.0223872489175,2.80203717842,0.0861888254948,10.6263294019,0.00182740841981,3.94675903436 +0.4500000000000003,0.0147636569806,17.0559298327,-0.0213524585446,2.80203717842,0.160170496467,10.6263294019,0.00185680510665,3.94675903436 +0.4550000000000003,0.0145048375723,17.0559298327,-0.0205636652308,2.80203717842,0.361214248897,10.6263294019,0.00189931302641,3.94675903436 +0.4600000000000003,0.0127605113913,17.0559298327,-0.0199809546106,2.80203717842,1.25893602832,10.6263294019,0.00195727528241,3.94675903436 +0.4650000000000003,0.00781052890179,17.0559298327,-0.019577787124,2.80203717842,33.79425033,10.6263294019,0.00203410321329,3.94675903436 +0.4700000000000003,0.0110367254087,17.0559298327,-0.0193377012923,2.80203717842,3.97807560743,10.6263294019,0.0021347723539,3.94675903436 +0.4750000000000003,0.0207997247792,17.0559298327,-0.019252453686,2.80203717842,0.775432666046,10.6263294019,0.00226667000184,3.94675903436 +0.4800000000000003,0.0308859094082,17.0559298327,-0.0193211792233,2.80203717842,0.331561439953,10.6263294019,0.00244110546413,3.94675903436 +0.4850000000000003,0.0428180997344,17.0559298327,-0.0195504022636,2.80203717842,0.187403608889,10.6263294019,0.00267616096866,3.94675903436 +0.4900000000000003,0.0497971047289,17.0559298327,-0.0199549168002,2.80203717842,0.107517874098,10.6263294019,0.00300249621271,3.94675903436 +0.49500000000000033,0.0493790276505,17.0559298327,-0.0204597771465,2.80203717842,0.0736976764024,10.6263294019,0.00323485187901,3.94675903436 diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_7.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_7.csv new file mode 100644 index 0000000000..ae7b0e9f1c --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_7.csv @@ -0,0 +1,101 @@ +pivot_parameter,dss_x2_x1,total_distance_x2_x1,process_time_x2_x1,standard_deviation_x2_x1,dss_y2_y1,total_distance_y2_y1,process_time_y2_y1,standard_deviation_y2_y1 +0.0,0.0306827499538,9.41582507018,-0.000557451122591,1.11278977424,3.23285962905e-05,26.7626230727,-3.97768207706e-05,3.11855839636 +0.005,0.902904316983,9.41582507018,-0.00112495449284,1.11278977424,0.00010752701866,26.7626230727,-5.11548404776e-05,3.11855839636 +0.01,0.0165880760891,9.41582507018,0.00114089926273,1.11278977424,0.000248267258665,26.7626230727,-6.30232498458e-05,3.11855839636 +0.015,0.00355786035287,9.41582507018,0.000421371820622,1.11278977424,0.00037315669509,26.7626230727,-7.38163161171e-05,3.11855839636 +0.02,0.00161337259969,9.41582507018,0.000278429812737,1.11278977424,0.000462015240706,26.7626230727,-8.33604223263e-05,3.11855839636 +0.025,0.000954019394913,9.41582507018,0.000219869626604,1.11278977424,0.00050508386182,26.7626230727,-9.16902895052e-05,3.11855839636 +0.030000000000000002,0.000647812985872,9.41582507018,0.000189606326064,1.11278977424,0.000455791762794,26.7626230727,-9.90026468141e-05,3.11855839636 +0.035,0.000477958125948,9.41582507018,0.000172252706692,1.11278977424,0.000198308747405,26.7626230727,-0.000105602575883,3.11855839636 +0.04,0.000371801216637,9.41582507018,0.000161899497952,1.11278977424,0.000838707484391,26.7626230727,-0.00011186527912,3.11855839636 +0.045,0.000299200174921,9.41582507018,0.000155826972898,1.11278977424,0.00148760310243,26.7626230727,-0.000118224378687,3.11855839636 +0.049999999999999996,0.00024567597282,9.41582507018,0.00015265197448,1.11278977424,0.00232839457664,26.7626230727,-0.000125192300053,3.11855839636 +0.05499999999999999,0.000203411544118,9.41582507018,0.000151649095753,1.11278977424,0.00347283925572,26.7626230727,-0.000133422167594,3.11855839636 +0.05999999999999999,0.000167662679905,9.41582507018,0.000152467686434,1.11278977424,0.0050734926912,26.7626230727,-0.000143837878484,3.11855839636 +0.06499999999999999,0.00013503915901,9.41582507018,0.000155009611959,1.11278977424,0.0073667798554,26.7626230727,-0.000157905145923,3.11855839636 +0.06999999999999999,0.000102261567593,9.41582507018,0.000159387238238,1.11278977424,0.0107427641775,26.7626230727,-0.000178249677159,3.11855839636 +0.075,6.34386960977e-05,9.41582507018,0.000165936730283,1.11278977424,0.0158853299862,26.7626230727,-0.000210289020811,3.11855839636 +0.08,3.87347745242e-05,9.41582507018,0.000175291467633,1.11278977424,0.0240843846341,26.7626230727,-0.000267577213734,3.11855839636 +0.085,7.96192871896e-05,9.41582507018,0.000188552920371,1.11278977424,0.0379986911922,26.7626230727,-0.000396822094901,3.11855839636 +0.09000000000000001,0.000102571823978,9.41582507018,0.000207663091006,1.11278977424,0.0633224473537,26.7626230727,-0.000941630522183,3.11855839636 +0.09500000000000001,0.000117554274876,9.41582507018,0.000236268340775,1.11278977424,0.132404684301,26.7626230727,0.00145531495952,3.11855839636 +0.10000000000000002,0.000124487282285,9.41582507018,0.000281996779682,1.11278977424,0.31503518025,26.7626230727,0.00035834387222,3.11855839636 +0.10500000000000002,0.000115287091373,9.41582507018,0.000363808896115,1.11278977424,1.59083348437,26.7626230727,0.000187508432009,3.11855839636 +0.11000000000000003,5.1909021237e-05,9.41582507018,0.000545316634447,1.11278977424,21.3048443491,26.7626230727,0.00011851795602,3.11855839636 +0.11500000000000003,0.000386518403935,9.41582507018,0.00125410530737,1.11278977424,0.591950911494,26.7626230727,8.12900326612e-05,3.11855839636 +0.12000000000000004,0.000946482736945,9.41582507018,-0.00276479865149,1.11278977424,0.155048626235,26.7626230727,5.78629181494e-05,3.11855839636 +0.12500000000000003,0.000151746541504,9.41582507018,-0.000609212147903,1.11278977424,0.0601471585328,26.7626230727,4.14666739701e-05,3.11855839636 +0.13000000000000003,1.03877529358e-06,9.41582507018,-0.000329213157915,1.11278977424,0.0260683220409,26.7626230727,2.88946006248e-05,3.11855839636 +0.13500000000000004,9.63870452114e-05,9.41582507018,-0.000220024971557,1.11278977424,0.0108509351514,26.7626230727,1.83209482826e-05,3.11855839636 +0.14000000000000004,0.000184289435455,9.41582507018,-0.000162298633374,1.11278977424,0.0033447046694,26.7626230727,8.4824235061e-06,3.11855839636 +0.14500000000000005,0.000276411572646,9.41582507018,-0.000126689798503,1.11278977424,0.000448179571599,26.7626230727,-1.72192077198e-06,3.11855839636 +0.15000000000000005,0.000382498002631,9.41582507018,-0.000102428122283,1.11278977424,0.00226833569207,26.7626230727,-1.3516459439e-05,3.11855839636 +0.15500000000000005,0.00051526527586,9.41582507018,-8.45888151489e-05,1.11278977424,0.00298490713824,26.7626230727,-2.85792378502e-05,3.11855839636 +0.16000000000000006,0.000697535958197,9.41582507018,-7.05645801842e-05,1.11278977424,0.00307385503078,26.7626230727,-4.96035508974e-05,3.11855839636 +0.16500000000000006,0.000978872252848,9.41582507018,-5.88136820266e-05,1.11278977424,0.00280852300668,26.7626230727,-8.15087433565e-05,3.11855839636 +0.17000000000000007,0.0014913130025,9.41582507018,-4.83371586243e-05,1.11278977424,0.00234462818666,26.7626230727,-0.000134580255489,3.11855839636 +0.17500000000000007,0.00272017373639,9.41582507018,-3.84330408682e-05,1.11278977424,0.00175903250862,26.7626230727,-0.000234611481383,3.11855839636 +0.18000000000000008,0.00820538933534,9.41582507018,-2.85693413718e-05,1.11278977424,0.0010499187463,26.7626230727,-0.000469253336785,3.11855839636 +0.18500000000000008,10.6977065865,9.41582507018,-1.83127323453e-05,1.11278977424,0.000377467807423,26.7626230727,-0.00144334631206,3.11855839636 +0.19000000000000009,0.00181876954186,9.41582507018,-7.28520083071e-06,1.11278977424,0.00198829432899,26.7626230727,0.00380352835494,3.11855839636 +0.1950000000000001,0.000298016909274,9.41582507018,4.86442780661e-06,1.11278977424,0.00172315240834,26.7626230727,0.00114095531263,3.11855839636 +0.2000000000000001,0.000484613282186,9.41582507018,1.84806778369e-05,1.11278977424,0.00173198505852,26.7626230727,0.000802430356588,3.11855839636 +0.2050000000000001,0.000478409389526,9.41582507018,3.39168035716e-05,1.11278977424,0.00164113577386,26.7626230727,0.000692843913681,3.11855839636 +0.2100000000000001,0.000443143571947,9.41582507018,5.15473038338e-05,1.11278977424,0.00137529101676,26.7626230727,0.000657905411826,3.11855839636 +0.2150000000000001,0.000406683877593,9.41582507018,7.17787175624e-05,1.11278977424,0.000633598181294,26.7626230727,0.000660244626901,3.11855839636 +0.2200000000000001,0.000374086409908,9.41582507018,9.50594242387e-05,1.11278977424,0.00145154624477,26.7626230727,0.000687097357742,3.11855839636 +0.22500000000000012,0.000345348559774,9.41582507018,0.000121888944865,1.11278977424,0.0024919919182,26.7626230727,0.000733691388974,3.11855839636 +0.23000000000000012,0.000319182009349,9.41582507018,0.000152827124769,1.11278977424,0.00359454513161,26.7626230727,0.000798644650834,3.11855839636 +0.23500000000000013,0.000293887601063,9.41582507018,0.000188503543319,1.11278977424,0.00490517967202,26.7626230727,0.000882352195968,3.11855839636 +0.24000000000000013,0.000267455857994,9.41582507018,0.000229627527076,1.11278977424,0.0065590112144,26.7626230727,0.000986327669379,3.11855839636 +0.24500000000000013,0.000237319510863,9.41582507018,0.000276999245557,1.11278977424,0.0087409751708,26.7626230727,0.00111289297195,3.11855839636 +0.2500000000000001,0.000199579114608,9.41582507018,0.000331522555985,1.11278977424,0.0117404008389,26.7626230727,0.00126498847598,3.11855839636 +0.2550000000000001,0.000146057429909,9.41582507018,0.000394220556496,1.11278977424,0.0160477113723,26.7626230727,0.00144599092204,3.11855839636 +0.2600000000000001,1.90837157492e-05,9.41582507018,0.000466255236193,1.11278977424,0.0225605981899,26.7626230727,0.00165945967176,3.11855839636 +0.2650000000000001,0.000151737370652,9.41582507018,0.000548953216518,1.11278977424,0.0330806750009,26.7626230727,0.00190873844014,3.11855839636 +0.27000000000000013,0.000218700149796,9.41582507018,0.000643840421163,1.11278977424,0.0516929209211,26.7626230727,0.00219634308257,3.11855839636 +0.27500000000000013,0.0002670189776,9.41582507018,0.00075268968204,1.11278977424,0.0894273854518,26.7626230727,0.00252308720763,3.11855839636 +0.28000000000000014,0.000295840969064,9.41582507018,0.000877586934222,1.11278977424,0.185555738772,26.7626230727,0.002886961159,3.11855839636 +0.28500000000000014,0.00029146395723,9.41582507018,0.00102102402236,1.11278977424,0.577167840156,26.7626230727,0.00328190958063,3.11855839636 +0.29000000000000015,0.000204925986361,9.41582507018,0.00118602966583,1.11278977424,10.2487352137,26.7626230727,0.00369684641987,3.11855839636 +0.29500000000000015,0.000284536483274,9.41582507018,0.00137635556721,1.11278977424,1.99347013948,26.7626230727,0.00411543626571,3.11855839636 +0.30000000000000016,0.000596911791929,9.41582507018,0.00159674334825,1.11278977424,0.320959386856,26.7626230727,0.0045171998707,3.11855839636 +0.30500000000000016,0.000957747446753,9.41582507018,0.00185331241199,1.11278977424,0.120733662553,26.7626230727,0.00488018580299,3.11855839636 +0.31000000000000016,0.00141891567545,9.41582507018,0.00215413353736,1.11278977424,0.0605269635727,26.7626230727,0.0051847701627,3.11855839636 +0.31500000000000017,0.00203066329996,9.41582507018,0.00251009686648,1.11278977424,0.0350851626381,26.7626230727,0.00541742730367,3.11855839636 +0.3200000000000002,0.0028638633866,9.41582507018,0.00293626382708,1.11278977424,0.0222276102019,26.7626230727,0.00557310011959,3.11855839636 +0.3250000000000002,0.00402927490083,9.41582507018,0.00345404844976,1.11278977424,0.0149751184191,26.7626230727,0.00565536595129,3.11855839636 +0.3300000000000002,0.00571119111095,9.41582507018,0.00409489024731,1.11278977424,0.0105625631986,26.7626230727,0.00567460221727,3.11855839636 +0.3350000000000002,0.00823605774456,9.41582507018,0.00490676581009,1.11278977424,0.0077153027945,26.7626230727,0.00564512067525,3.11855839636 +0.3400000000000002,0.0122271018125,9.41582507018,0.00596648538713,1.11278977424,0.00577991464454,26.7626230727,0.00558235862682,3.11855839636 +0.3450000000000002,0.018995346848,9.41582507018,0.00740482498323,1.11278977424,0.00439394557158,26.7626230727,0.00550082435537,3.11855839636 +0.3500000000000002,0.0316929901205,9.41582507018,0.00946343340245,1.11278977424,0.00334234235238,26.7626230727,0.00541298554899,3.11855839636 +0.3550000000000002,0.0595709626355,9.41582507018,0.0126429144169,1.11278977424,0.0024863447892,26.7626230727,0.00532894549572,3.11855839636 +0.3600000000000002,0.140776212592,9.41582507018,0.0181746074932,1.11278977424,0.00171772464755,26.7626230727,0.00525663011472,3.11855839636 +0.3650000000000002,0.626854978843,9.41582507018,0.0301146631651,1.11278977424,0.000873774219684,26.7626230727,0.00520223492173,3.11855839636 +0.3700000000000002,2.05044640812,9.41582507018,0.0743055194479,1.11278977424,0.000868952684127,26.7626230727,0.005170763208,3.11855839636 +0.3750000000000002,1.967788632,9.41582507018,-0.228642820892,1.11278977424,0.0013411350317,26.7626230727,0.00516656840981,3.11855839636 +0.3800000000000002,0.245003908081,9.41582507018,-0.0490085283738,1.11278977424,0.0015658039418,26.7626230727,0.00519387448625,3.11855839636 +0.38500000000000023,0.100123174825,9.41582507018,-0.0287984424702,1.11278977424,0.00164975224519,26.7626230727,0.00525728862216,3.11855839636 +0.39000000000000024,0.05542537026,9.41582507018,-0.021097130417,1.11278977424,0.0015957477508,26.7626230727,0.00536234935958,3.11855839636 +0.39500000000000024,0.0355326760753,9.41582507018,-0.0170989701414,1.11278977424,0.00133583190046,26.7626230727,0.00551618120264,3.11855839636 +0.40000000000000024,0.0248271759234,9.41582507018,-0.0147030530606,1.11278977424,0.000431356964331,26.7626230727,0.00572836665979,3.11855839636 +0.40500000000000025,0.0183315366917,9.41582507018,-0.0131542795141,1.11278977424,0.00163124640358,26.7626230727,0.00601221751251,3.11855839636 +0.41000000000000025,0.014039428773,9.41582507018,-0.0121164464296,1.11278977424,0.00272489168365,26.7626230727,0.00638676433496,3.11855839636 +0.41500000000000026,0.0110075021854,9.41582507018,-0.0114192283556,1.11278977424,0.00389707823712,26.7626230727,0.00688006422458,3.11855839636 +0.42000000000000026,0.00873844218418,9.41582507018,-0.010969436566,1.11278977424,0.00526257780172,26.7626230727,0.00753503682461,3.11855839636 +0.42500000000000027,0.00694247493037,9.41582507018,-0.010714530666,1.11278977424,0.0069092473011,26.7626230727,0.0084204650592,3.11855839636 +0.43000000000000027,0.00542968459402,9.41582507018,-0.0106260431118,1.11278977424,0.008919334962,26.7626230727,0.00965345784477,3.11855839636 +0.4350000000000003,0.00404685483649,9.41582507018,-0.0106917823832,1.11278977424,0.011334640699,26.7626230727,0.0114502689769,3.11855839636 +0.4400000000000003,0.00259270956285,9.41582507018,-0.0109125570054,1.11278977424,0.0139824921564,26.7626230727,0.0142583859854,3.11855839636 +0.4450000000000003,0.000869341591331,9.41582507018,-0.0113018241527,1.11278977424,0.015685422106,26.7626230727,0.0191766301145,3.11855839636 +0.4500000000000003,0.00261042853509,9.41582507018,-0.0118880026411,1.11278977424,0.00976379372345,26.7626230727,0.029814143336,3.11855839636 +0.4550000000000003,0.00344428825304,9.41582507018,-0.0127202913723,1.11278977424,0.0637181974297,26.7626230727,0.0689859651338,3.11855839636 +0.4600000000000003,0.00399788704279,9.41582507018,-0.0138804842168,1.11278977424,0.874835797642,26.7626230727,-0.208169930301,3.11855839636 +0.4650000000000003,0.004330498936,9.41582507018,-0.0155068429663,1.11278977424,0.593560492947,26.7626230727,-0.041378998195,3.11855839636 +0.4700000000000003,0.00431577516571,9.41582507018,-0.0178454317953,1.11278977424,1.42955754325,26.7626230727,-0.023041078054,3.11855839636 +0.4750000000000003,0.00329586376578,9.41582507018,-0.0213728514744,1.11278977424,19.2990481855,26.7626230727,-0.0160481184739,3.11855839636 +0.4800000000000003,0.00451029883553,9.41582507018,-0.0271394764463,1.11278977424,5.44897180868,26.7626230727,-0.0123897802269,3.11855839636 +0.4850000000000003,0.0119025242749,9.41582507018,-0.0379906792011,1.11278977424,0.826637403068,26.7626230727,-0.0101614164409,3.11855839636 +0.4900000000000003,0.0244749095371,9.41582507018,-0.0652289208328,1.11278977424,0.278172048151,26.7626230727,-0.00867817231596,3.11855839636 +0.49500000000000033,0.0382687518741,9.41582507018,-0.102746733456,1.11278977424,0.159666457462,26.7626230727,-0.00810965884763,3.11855839636 diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_8.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_8.csv new file mode 100644 index 0000000000..0104cb05c0 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_8.csv @@ -0,0 +1,101 @@ +pivot_parameter,dss_x2_x1,total_distance_x2_x1,process_time_x2_x1,standard_deviation_x2_x1,dss_y2_y1,total_distance_y2_y1,process_time_y2_y1,standard_deviation_y2_y1 +0.0,0.0766179352583,17.382257437,0.000755459814065,3.04157746282,0.0140341780609,44.7642229618,-0.0667114589931,5.49765965736 +0.005,0.0634762364734,17.382257437,-2.37886667141e-07,3.04157746282,0.0198530934049,44.7642229618,-0.0836126007673,5.49765965736 +0.01,0.0427570295443,17.382257437,-8.45402657216e-08,3.04157746282,0.0252939453424,44.7642229618,-0.100349963348,5.49765965736 +0.015,0.0286018652395,17.382257437,-5.57957133201e-08,3.04157746282,0.0243388730404,44.7642229618,-0.115046986624,5.49765965736 +0.02,0.0210236449805,17.382257437,-4.42667142247e-08,3.04157746282,0.0129984415582,44.7642229618,-0.127728188461,5.49765965736 +0.025,0.0164575281605,17.382257437,-3.84227771502e-08,3.04157746282,0.0283035069215,44.7642229618,-0.13872547446,5.49765965736 +0.030000000000000002,0.0134418131959,17.382257437,-3.51517091895e-08,3.04157746282,0.0502366951236,44.7642229618,-0.148567035324,5.49765965736 +0.035,0.0112825784351,17.382257437,-3.32697900065e-08,3.04157746282,0.0728063028921,44.7642229618,-0.157900812851,5.49765965736 +0.04,0.00960829455293,17.382257437,-3.22378490597e-08,3.04157746282,0.0981902030458,44.7642229618,-0.167475585491,5.49765965736 +0.045,0.00819416765048,17.382257437,-3.17868308301e-08,3.04157746282,0.128379738659,44.7642229618,-0.178190252587,5.49765965736 +0.049999999999999996,0.00688019091495,17.382257437,-3.17820325634e-08,3.04157746282,0.166340299881,44.7642229618,-0.191234386736,5.49765965736 +0.05499999999999999,0.00551759426795,17.382257437,-3.2167767044e-08,3.04157746282,0.217201578683,44.7642229618,-0.208392722618,5.49765965736 +0.05999999999999999,0.00388240844208,17.382257437,-3.29453857917e-08,3.04157746282,0.290804374855,44.7642229618,-0.232728462736,5.49765965736 +0.06499999999999999,0.000718467776938,17.382257437,-3.41694417397e-08,3.04157746282,0.408478140868,44.7642229618,-0.270329968835,5.49765965736 +0.06999999999999999,0.00365483905979,17.382257437,-3.5959154201e-08,3.04157746282,0.625213421512,44.7642229618,-0.33577072639,5.49765965736 +0.075,0.00510229819122,17.382257437,-3.85312409052e-08,3.04157746282,1.12948805066,44.7642229618,-0.475684829117,5.49765965736 +0.08,0.00601119925538,17.382257437,-4.22748563649e-08,3.04157746282,3.11685857128,44.7642229618,-0.967966986377,5.49765965736 +0.085,0.00640846745449,17.382257437,-4.79284952287e-08,3.04157746282,17.7930104612,44.7642229618,3.61274599878,5.49765965736 +0.09000000000000001,0.00604375957229,17.382257437,-5.70523913778e-08,3.04157746282,5.35189434669,44.7642229618,0.529095850456,5.49765965736 +0.09500000000000001,0.00398213815592,17.382257437,-7.35780664916e-08,3.04157746282,24.8146650348,44.7642229618,0.25674482114,5.49765965736 +0.10000000000000002,0.00553682685252,17.382257437,-1.11032838583e-07,3.04157746282,0.258751826313,44.7642229618,0.155549851088,5.49765965736 +0.10500000000000002,0.0107953176057,17.382257437,-2.67586197346e-07,3.04157746282,0.327998619471,44.7642229618,0.102750899158,5.49765965736 +0.11000000000000003,0.0161203828179,17.382257437,4.46800910848e-07,3.04157746282,0.170078372383,44.7642229618,0.0699664304609,5.49765965736 +0.11500000000000003,0.0220007957478,17.382257437,1.12042588921e-07,3.04157746282,0.0904048618576,44.7642229618,0.0469550141142,5.49765965736 +0.12000000000000004,0.0286209377741,17.382257437,6.12730188443e-08,3.04157746282,0.0460652867323,44.7642229618,0.0289153741263,5.49765965736 +0.12500000000000003,0.0361246921327,17.382257437,4.09369377937e-08,3.04157746282,0.0176903531448,44.7642229618,0.0130230763885,5.49765965736 +0.13000000000000003,0.0446985036227,17.382257437,3.0037208598e-08,3.04157746282,0.00338956638442,44.7642229618,-0.00287654390044,5.49765965736 +0.13500000000000004,0.0546533591936,17.382257437,2.32262928677e-08,3.04157746282,0.021594472442,44.7642229618,-0.0209917021408,5.49765965736 +0.14000000000000004,0.0665529540417,17.382257437,1.85015539036e-08,3.04157746282,0.0396630593666,44.7642229618,-0.0442792801278,5.49765965736 +0.14500000000000005,0.0814554862728,17.382257437,1.49305409444e-08,3.04157746282,0.0598781249142,44.7642229618,-0.0775699273158,5.49765965736 +0.15000000000000005,0.101450488483,17.382257437,1.2008965536e-08,3.04157746282,0.0849733064531,44.7642229618,-0.130080889287,5.49765965736 +0.15500000000000005,0.131087691699,17.382257437,9.43049458666e-09,3.04157746282,0.119536030406,44.7642229618,-0.222508547462,5.49765965736 +0.16000000000000006,0.182186827663,17.382257437,6.98998015508e-09,3.04157746282,0.174241341616,44.7642229618,-0.413591494153,5.49765965736 +0.16500000000000006,0.297507195561,17.382257437,4.53756308295e-09,3.04157746282,0.289227085144,44.7642229618,-0.963642202773,5.49765965736 +0.17000000000000007,0.837797414979,17.382257437,1.95431528909e-09,3.04157746282,1.32413875409,44.7642229618,-8.63679459601,5.49765965736 +0.17500000000000007,0.837676472005,17.382257437,-8.62578290917e-10,3.04157746282,0.314543654714,44.7642229618,1.99844153162,5.49765965736 +0.18000000000000008,0.279293962,17.382257437,-4.01072931105e-09,3.04157746282,0.260293294945,44.7642229618,1.09238186369,5.49765965736 +0.18500000000000008,0.161040950522,17.382257437,-7.59274667908e-09,3.04157746282,0.225977459461,44.7642229618,0.831034650158,5.49765965736 +0.19000000000000009,0.110044322648,17.382257437,-1.17281972013e-08,3.04157746282,0.195962237397,44.7642229618,0.706011058762,5.49765965736 +0.1950000000000001,0.0815169701597,17.382257437,-1.65701065808e-08,3.04157746282,0.161632599019,44.7642229618,0.628518845663,5.49765965736 +0.2000000000000001,0.0632046975998,17.382257437,-2.2330243826e-08,3.04157746282,0.114874416572,44.7642229618,0.57093222884,5.49765965736 +0.2050000000000001,0.0503844703786,17.382257437,-2.93209701027e-08,3.04157746282,0.0208004483174,44.7642229618,0.522711837371,5.49765965736 +0.2100000000000001,0.0408436777528,17.382257437,-3.80296619088e-08,3.04157746282,0.120357523115,44.7642229618,0.479778351864,5.49765965736 +0.2150000000000001,0.0334026737013,17.382257437,-4.92619406658e-08,3.04157746282,0.16959777707,44.7642229618,0.440788804413,5.49765965736 +0.2200000000000001,0.0273695701411,17.382257437,-6.44446399277e-08,3.04157746282,0.20824181058,44.7642229618,0.405497198787,5.49765965736 +0.22500000000000012,0.0223047163346,17.382257437,-8.63485530164e-08,3.04157746282,0.242484086328,44.7642229618,0.373985814301,5.49765965736 +0.23000000000000012,0.0179041859402,17.382257437,-1.2112045367e-07,3.04157746282,0.275804025599,44.7642229618,0.346339629622,5.49765965736 +0.23500000000000013,0.0139298028655,17.382257437,-1.85599687903e-07,3.04157746282,0.311195940663,44.7642229618,0.322549142671,5.49765965736 +0.24000000000000013,0.0101407813938,17.382257437,-3.48242830226e-07,3.04157746282,0.351963531459,44.7642229618,0.302516917789,5.49765965736 +0.24500000000000013,0.00610456971412,17.382257437,-1.57210165907e-06,3.04157746282,0.402459786508,44.7642229618,0.286099832693,5.49765965736 +0.2500000000000001,0.00299428610602,17.382257437,7.31761569145e-07,3.04157746282,0.469302994217,44.7642229618,0.273155791181,5.49765965736 +0.2550000000000001,0.0063209961021,17.382257437,3.15611005104e-07,3.04157746282,0.56391709594,44.7642229618,0.263584697327,5.49765965736 +0.2600000000000001,0.00763085848306,17.382257437,2.08759055658e-07,3.04157746282,0.708782814487,44.7642229618,0.25736383937,5.49765965736 +0.2650000000000001,0.00806982840295,17.382257437,1.60146511978e-07,3.04157746282,0.95604598702,44.7642229618,0.254582443172,5.49765965736 +0.27000000000000013,0.00780355083358,17.382257437,1.32673376231e-07,3.04157746282,1.46111806376,44.7642229618,0.255482670362,5.49765965736 +0.27500000000000013,0.00668503315964,17.382257437,1.1531544489e-07,3.04157746282,2.97875048716,44.7642229618,0.260517308643,5.49765965736 +0.28000000000000014,0.00377413916681,17.382257437,1.0365033745e-07,3.04157746282,35.3299994478,44.7642229618,0.270440235118,5.49765965736 +0.28500000000000014,0.00589027703646,17.382257437,9.55713531568e-08,3.04157746282,3.00707462133,44.7642229618,0.286458261552,5.49765965736 +0.29000000000000015,0.0104641659443,17.382257437,8.99607553105e-08,3.04157746282,1.73733611056,44.7642229618,0.310500740214,5.49765965736 +0.29500000000000015,0.0149246930327,17.382257437,8.61859296816e-08,3.04157746282,1.28998833644,44.7642229618,0.345728441722,5.49765965736 +0.30000000000000016,0.0199054607256,17.382257437,8.38804495914e-08,3.04157746282,1.09777230447,44.7642229618,0.397569653937,5.49765965736 +0.30500000000000016,0.0258628938024,17.382257437,8.28404772045e-08,3.04157746282,1.02848810087,44.7642229618,0.476049189427,5.49765965736 +0.31000000000000016,0.0333694353498,17.382257437,8.29743583408e-08,3.04157746282,1.05098473511,44.7642229618,0.601780085684,5.49765965736 +0.31500000000000017,0.0432911903675,17.382257437,8.42804740603e-08,3.04157746282,1.18712482491,44.7642229618,0.82471452086,5.49765965736 +0.3200000000000002,0.0570681034441,17.382257437,8.68435079735e-08,3.04157746282,1.56439890115,44.7642229618,1.30477104152,5.49765965736 +0.3250000000000002,0.0772878741578,17.382257437,9.08469908799e-08,3.04157746282,2.99049489296,44.7642229618,2.98359259391,5.49765965736 +0.3300000000000002,0.109021971406,17.382257437,9.66060269805e-08,3.04157746282,11.6430906076,44.7642229618,-13.9366598512,5.49765965736 +0.3350000000000002,0.163372867292,17.382257437,1.04632326001e-07,3.04157746282,1.53930654615,44.7642229618,-2.23415848722,5.49765965736 +0.3400000000000002,0.26868331458,17.382257437,1.15759886144e-07,3.04157746282,0.705340630385,44.7642229618,-1.26848415518,5.49765965736 +0.3450000000000002,0.516364584015,17.382257437,1.31398400103e-07,3.04157746282,0.393999426039,44.7642229618,-0.915399916603,5.49765965736 +0.3500000000000002,1.35185710055,17.382257437,1.5408750332e-07,3.04157746282,0.223495137551,44.7642229618,-0.735169703334,5.49765965736 +0.3550000000000002,8.95541200506,17.382257437,1.88862512586e-07,3.04157746282,0.0967009866621,44.7642229618,-0.627499450317,5.49765965736 +0.3600000000000002,28.9157925245,17.382257437,2.47255244352e-07,3.04157746282,0.0887315595718,44.7642229618,-0.556984404462,5.49765965736 +0.3650000000000002,2.04140064426,17.382257437,3.62658377701e-07,3.04157746282,0.122318338424,44.7642229618,-0.50793815665,5.49765965736 +0.3700000000000002,0.686188136722,17.382257437,6.88521252376e-07,3.04157746282,0.130173377388,44.7642229618,-0.472349282664,5.49765965736 +0.3750000000000002,0.342920526144,17.382257437,6.81086396551e-06,3.04157746282,0.126207148569,44.7642229618,-0.445708879334,5.49765965736 +0.3800000000000002,0.206358071634,17.382257437,-8.74737058002e-07,3.04157746282,0.113160389053,44.7642229618,-0.425297229316,5.49765965736 +0.38500000000000023,0.138258167655,17.382257437,-4.16082279754e-07,3.04157746282,0.0888354991172,44.7642229618,-0.40938978377,5.49765965736 +0.39000000000000024,0.0992757117514,17.382257437,-2.76141533993e-07,3.04157746282,0.0342044876592,44.7642229618,-0.396853988338,5.49765965736 +0.39500000000000024,0.0747228392712,17.382257437,-2.08909348535e-07,3.04157746282,0.0873433212143,44.7642229618,-0.386929340875,5.49765965736 +0.40000000000000024,0.058092908911,17.382257437,-1.6974028524e-07,3.04157746282,0.137949162302,44.7642229618,-0.379100324519,5.49765965736 +0.40500000000000025,0.0461279485462,17.382257437,-1.44328470817e-07,3.04157746282,0.184096818585,44.7642229618,-0.373019610799,5.49765965736 +0.41000000000000025,0.037030882991,17.382257437,-1.26681304813e-07,3.04157746282,0.231451835307,44.7642229618,-0.368460122885,5.49765965736 +0.41500000000000026,0.0297173927724,17.382257437,-1.1384971055e-07,3.04157746282,0.283249427815,44.7642229618,-0.365284649124,5.49765965736 +0.42000000000000026,0.0234564906682,17.382257437,-1.04216368056e-07,3.04157746282,0.342690613933,44.7642229618,-0.363426818521,5.49765965736 +0.42500000000000027,0.0176463581116,17.382257437,-9.68228967361e-08,3.04157746282,0.413909556542,44.7642229618,-0.362880013503,5.49765965736 +0.43000000000000027,0.0114971205473,17.382257437,-9.1068004043e-08,3.04157746282,0.50304268279,44.7642229618,-0.363692409128,5.49765965736 +0.4350000000000003,0.00268027058148,17.382257437,-8.65581854696e-08,3.04157746282,0.620105717779,44.7642229618,-0.365967395628,5.49765965736 +0.4400000000000003,0.0108379331777,17.382257437,-8.30281657082e-08,3.04157746282,0.78298600995,44.7642229618,-0.369869506547,5.49765965736 +0.4450000000000003,0.0142463500807,17.382257437,-8.02959980022e-08,3.04157746282,1.02725455535,44.7642229618,-0.3756368878,5.49765965736 +0.4500000000000003,0.016191858155,17.382257437,-7.82366211185e-08,3.04157746282,1.43490622822,44.7642229618,-0.383602569944,5.49765965736 +0.4550000000000003,0.0169359462252,17.382257437,-7.67658718131e-08,3.04157746282,2.24350595478,44.7642229618,-0.39422874796,5.49765965736 +0.4600000000000003,0.0160926654828,17.382257437,-7.58307989645e-08,3.04157746282,4.50152487095,44.7642229618,-0.408161671023,5.49765965736 +0.4650000000000003,0.0120549150113,17.382257437,-7.54040669454e-08,3.04157746282,23.7857952866,44.7642229618,-0.426321124734,5.49765965736 +0.4700000000000003,0.0106514961142,17.382257437,-7.54812981885e-08,3.04157746282,3.01522648483,44.7642229618,-0.450051235414,5.49765965736 +0.4750000000000003,0.0249502300599,17.382257437,-7.60808609275e-08,3.04157746282,2.02773616538,44.7642229618,-0.481386519321,5.49765965736 +0.4800000000000003,0.0396287384342,17.382257437,-7.7246105534e-08,3.04157746282,1.73740406466,44.7642229618,-0.523549672213,5.49765965736 +0.4850000000000003,0.0574696004356,17.382257437,-7.90505602526e-08,3.04157746282,1.50891777393,44.7642229618,-0.581955448149,5.49765965736 +0.4900000000000003,0.0692535087708,17.382257437,-8.16072910692e-08,3.04157746282,1.22516588853,44.7642229618,-0.666442262839,5.49765965736 +0.49500000000000033,0.0702459831803,17.382257437,-8.45272772513e-08,3.04157746282,0.98926977011,44.7642229618,-0.728823164106,5.49765965736 diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_9.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_9.csv new file mode 100644 index 0000000000..9a92d02421 --- /dev/null +++ b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_9.csv @@ -0,0 +1,101 @@ +pivot_parameter,dss_x2_x1,total_distance_x2_x1,process_time_x2_x1,standard_deviation_x2_x1,dss_y2_y1,total_distance_y2_y1,process_time_y2_y1,standard_deviation_y2_y1 +0.0,0.764555917836,18.1140398957,-0.00195238046846,1.47154939559,5.38967449988e-06,74.6823596112,7.45813228589e-05,5.29995970548 +0.005,9.30858909673,18.1140398957,-0.00100864803365,1.47154939559,1.24795723904e-05,74.6823596112,9.02270196318e-05,5.29995970548 +0.01,0.122334352586,18.1140398957,-0.000540517984425,1.47154939559,2.30373480673e-05,74.6823596112,0.000104951685713,5.29995970548 +0.015,0.0360350905229,18.1140398957,-0.000395318449729,1.47154939559,3.11545786472e-05,74.6823596112,0.000117536572211,5.29995970548 +0.02,0.0178616080118,18.1140398957,-0.00032806376042,1.47154939559,3.52673546559e-05,74.6823596112,0.000128118033517,5.29995970548 +0.025,0.0110996588791,18.1140398957,-0.000291469775938,1.47154939559,3.48725374001e-05,74.6823596112,0.00013704885295,5.29995970548 +0.030000000000000002,0.00782442239411,18.1140398957,-0.000270021532621,1.47154939559,2.74601270738e-05,74.6823596112,0.000144796857306,5.29995970548 +0.035,0.00596713854891,18.1140398957,-0.000257165344332,1.47154939559,1.74308869852e-05,74.6823596112,0.000151879556221,5.29995970548 +0.04,0.00479142607467,18.1140398957,-0.000249704165621,1.47154939559,4.68681025843e-05,74.6823596112,0.000158841403937,5.29995970548 +0.045,0.00397883944845,18.1140398957,-0.000245951779029,1.47154939559,7.29695189883e-05,74.6823596112,0.000166270769047,5.29995970548 +0.049999999999999996,0.00337056580719,18.1140398957,-0.000245005533108,1.47154939559,0.000102009459134,74.6823596112,0.000174857084079,5.29995970548 +0.05499999999999999,0.00287691949975,18.1140398957,-0.000246427172135,1.47154939559,0.000137128469396,74.6823596112,0.000185503180524,5.29995970548 +0.05999999999999999,0.00243978712216,18.1140398957,-0.00025009959392,1.47154939559,0.000182434923644,74.6823596112,0.000199540385351,5.29995970548 +0.06499999999999999,0.00201330853255,18.1140398957,-0.000256175553209,1.47154939559,0.000244837471868,74.6823596112,0.000219175545031,5.29995970548 +0.06999999999999999,0.00154676629616,18.1140398957,-0.000265091173375,1.47154939559,0.000337611433295,74.6823596112,0.000248544527189,5.29995970548 +0.075,0.000933218556283,18.1140398957,-0.000277648598126,1.47154939559,0.000490166282839,74.6823596112,0.000296651750882,5.29995970548 +0.08,0.000738229383803,18.1140398957,-0.000295205653909,1.47154939559,0.000782836614714,74.6823596112,0.000387882072793,5.29995970548 +0.085,0.00135111811562,18.1140398957,-0.000320074823849,1.47154939559,0.00153831819746,74.6823596112,0.000620141189165,5.29995970548 +0.09000000000000001,0.00169304045562,18.1140398957,-0.000356400095265,1.47154939559,0.00704095952057,74.6823596112,0.00230114231943,5.29995970548 +0.09500000000000001,0.00186223763633,18.1140398957,-0.000412295854754,1.47154939559,0.00366566346322,74.6823596112,-0.000993689694002,5.29995970548 +0.10000000000000002,0.00182002129162,18.1140398957,-0.000505986346365,1.47154939559,0.00121399643134,74.6823596112,-0.000359947224045,5.29995970548 +0.10500000000000002,0.0014019346304,18.1140398957,-0.000688568246118,1.47154939559,0.00476364579429,74.6823596112,-0.000200815453204,5.29995970548 +0.11000000000000003,0.00096518997665,18.1140398957,-0.00117897439105,1.47154939559,0.0228786763106,74.6823596112,-0.000128704078952,5.29995970548 +0.11500000000000003,0.00106584058215,18.1140398957,-0.00622483162807,1.47154939559,0.00202501780625,74.6823596112,-8.74296939224e-05,5.29995970548 +0.12000000000000004,0.00500065142453,18.1140398957,0.00163464307481,1.47154939559,0.000644592110542,74.6823596112,-6.02566312226e-05,5.29995970548 +0.12500000000000003,0.0063405052665,18.1140398957,0.000680912709895,1.47154939559,0.000263169163118,74.6823596112,-4.02890758731e-05,5.29995970548 +0.13000000000000003,0.00806093143485,18.1140398957,0.000415127950183,1.47154939559,0.000106765119713,74.6823596112,-2.396500269e-05,5.29995970548 +0.13500000000000004,0.0100310279142,18.1140398957,0.000291255467184,1.47154939559,2.87950161848e-05,74.6823596112,-8.98515368402e-06,5.29995970548 +0.14000000000000004,0.0122675900269,18.1140398957,0.000219812525857,1.47154939559,1.56198184827e-05,74.6823596112,6.58237083438e-06,5.29995970548 +0.14500000000000005,0.0148351988889,18.1140398957,0.000173084366444,1.47154939559,4.45234611385e-05,74.6823596112,2.48908800733e-05,5.29995970548 +0.15000000000000005,0.0178615263141,18.1140398957,0.000139569234505,1.47154939559,6.68822854882e-05,74.6823596112,4.89881660267e-05,5.29995970548 +0.15500000000000005,0.0215861105014,18.1140398957,0.000113544805269,1.47154939559,8.83071290355e-05,74.6823596112,8.40179601309e-05,5.29995970548 +0.16000000000000006,0.0264694626739,18.1140398957,9.17642533806e-05,1.47154939559,0.000113663052235,74.6823596112,0.000140028985451,5.29995970548 +0.16500000000000006,0.0334698845667,18.1140398957,7.21801565184e-05,1.47154939559,0.000149542671478,74.6823596112,0.000240182391112,5.29995970548 +0.17000000000000007,0.0449012179012,18.1140398957,5.33783782595e-05,1.47154939559,0.000210665987604,74.6823596112,0.00045294177425,5.29995970548 +0.17500000000000007,0.0680565351862,18.1140398957,3.42976465134e-05,1.47154939559,0.000358490123034,74.6823596112,0.00111006239632,5.29995970548 +0.18000000000000008,0.14347327974,18.1140398957,1.40749791421e-05,1.47154939559,0.00653073824288,74.6823596112,0.038058520468,5.29995970548 +0.18500000000000008,0.642873311033,18.1140398957,-8.05134042323e-06,1.47154939559,0.000256170021662,74.6823596112,-0.00179839086359,5.29995970548 +0.19000000000000009,0.0986041883731,18.1140398957,-3.28143617829e-05,1.47154939559,0.000240592785336,74.6823596112,-0.00106067265365,5.29995970548 +0.1950000000000001,0.051011542904,18.1140398957,-6.0985853474e-05,1.47154939559,0.000216016050804,74.6823596112,-0.000831601264163,5.29995970548 +0.2000000000000001,0.0333225034375,18.1140398957,-9.34532448432e-05,1.47154939559,0.000191151865901,74.6823596112,-0.000722614866523,5.29995970548 +0.2050000000000001,0.0240484637801,18.1140398957,-0.000131322132975,1.47154939559,0.00016024607495,74.6823596112,-0.000657479963995,5.29995970548 +0.2100000000000001,0.0183079092213,18.1140398957,-0.000176067344773,1.47154939559,0.000114842225154,74.6823596112,-0.000610921725764,5.29995970548 +0.2150000000000001,0.0143799970622,18.1140398957,-0.000229771888481,1.47154939559,3.36144447161e-05,74.6823596112,-0.000572595276345,5.29995970548 +0.2200000000000001,0.0115007697088,18.1140398957,-0.000295528865681,1.47154939559,0.000130780845012,74.6823596112,-0.000538114649882,5.29995970548 +0.22500000000000012,0.00927720033342,18.1140398957,-0.000378162338974,1.47154939559,0.000185729491917,74.6823596112,-0.00050587962063,5.29995970548 +0.23000000000000012,0.00748421033777,18.1140398957,-0.000485620133823,1.47154939559,0.000230815208826,74.6823596112,-0.000475612078806,5.29995970548 +0.23500000000000013,0.00598071199326,18.1140398957,-0.00063192175664,1.47154939559,0.000271715511068,74.6823596112,-0.000447578011658,5.29995970548 +0.24000000000000013,0.00466930951582,18.1140398957,-0.000844176709398,1.47154939559,0.000311657029419,74.6823596112,-0.000422177565884,5.29995970548 +0.24500000000000013,0.00347258368613,18.1140398957,-0.00118222912831,1.47154939559,0.000353511008207,74.6823596112,-0.000399759603836,5.29995970548 +0.2500000000000001,0.00231116647826,18.1140398957,-0.00180883982079,1.47154939559,0.00040049856492,74.6823596112,-0.000380567721625,5.29995970548 +0.2550000000000001,0.00106113257287,18.1140398957,-0.00337604978141,1.47154939559,0.000456791594434,74.6823596112,-0.000364753384301,5.29995970548 +0.2600000000000001,0.000626915008875,18.1140398957,-0.0143987962729,1.47154939559,0.000528433674054,74.6823596112,-0.000352416452598,5.29995970548 +0.2650000000000001,0.00352361459995,18.1140398957,0.00757913834939,1.47154939559,0.000625088077664,74.6823596112,-0.000343652846878,5.29995970548 +0.27000000000000013,0.00309556340049,18.1140398957,0.00321464300573,1.47154939559,0.000763704239633,74.6823596112,-0.000338602174571,5.29995970548 +0.27500000000000013,0.00296576411942,18.1140398957,0.00212745915534,1.47154939559,0.000976585668869,74.6823596112,-0.000337496012601,5.29995970548 +0.28000000000000014,0.00271832351988,18.1140398957,0.0016388103959,1.47154939559,0.00132420760588,74.6823596112,-0.000340712471422,5.29995970548 +0.28500000000000014,0.00220482673868,18.1140398957,0.00136542790093,1.47154939559,0.00167795411627,74.6823596112,-0.000348847094657,5.29995970548 +0.29000000000000015,0.000871360386332,18.1140398957,0.0011946998525,1.47154939559,40.4603300911,74.6823596112,-0.000362816690054,5.29995970548 +0.29500000000000015,0.00236294814641,18.1140398957,0.00108177403476,1.47154939559,0.00653690035317,74.6823596112,-0.000384025252781,5.29995970548 +0.30000000000000016,0.00390520655844,18.1140398957,0.00100543370658,1.47154939559,0.00285090021722,74.6823596112,-0.000414647713232,5.29995970548 +0.30500000000000016,0.0054831420096,18.1140398957,0.00095453558562,1.47154939559,0.00191302566301,74.6823596112,-0.000458147300458,5.29995970548 +0.31000000000000016,0.00729343961795,18.1140398957,0.000922890332543,1.47154939559,0.00153014547193,74.6823596112,-0.000520289330519,5.29995970548 +0.31500000000000017,0.00950633036283,18.1140398957,0.00090705749695,1.47154939559,0.00136287195377,74.6823596112,-0.000611313517831,5.29995970548 +0.3200000000000002,0.0123486734947,18.1140398957,0.000905323674353,1.47154939559,0.0013232871194,74.6823596112,-0.000751171124778,5.29995970548 +0.3250000000000002,0.0161734056215,18.1140398957,0.000917236627499,1.47154939559,0.00140401191084,74.6823596112,-0.000984417811098,5.29995970548 +0.3300000000000002,0.0215797950807,18.1140398957,0.000943453359385,1.47154939559,0.00167886086455,74.6823596112,-0.00143473252914,5.29995970548 +0.3350000000000002,0.0296691372204,18.1140398957,0.000985824293181,1.47154939559,0.00252780276001,74.6823596112,-0.00262004186973,5.29995970548 +0.3400000000000002,0.0426607577457,18.1140398957,0.00104773598243,1.47154939559,0.0104506225076,74.6823596112,-0.0131753327462,5.29995970548 +0.3450000000000002,0.0656011229113,18.1140398957,0.00113484559178,1.47154939559,0.00299110198804,74.6823596112,0.00464194250855,5.29995970548 +0.3500000000000002,0.112117833795,18.1140398957,0.00125654405373,1.47154939559,0.00104430948028,74.6823596112,0.00204646967562,5.29995970548 +0.3550000000000002,0.230474421669,18.1140398957,0.00142897051539,1.47154939559,0.000517723482752,74.6823596112,0.00134893540151,5.29995970548 +0.3600000000000002,0.706445446354,18.1140398957,0.00168175948258,1.47154939559,0.000261937290255,74.6823596112,0.0010286524863,5.29995970548 +0.3650000000000002,10.9285187228,18.1140398957,0.00207517469377,1.47154939559,6.46656203883e-05,74.6823596112,0.000846935177845,5.29995970548 +0.3700000000000002,2.90821913048,18.1140398957,0.00275256289158,1.47154939559,0.000135760674843,74.6823596112,0.000731301536352,5.29995970548 +0.3750000000000002,0.444734319339,18.1140398957,0.00415728879006,1.47154939559,0.000158603245476,74.6823596112,0.000652268359694,5.29995970548 +0.3800000000000002,0.150439466856,18.1140398957,0.00867393718749,1.47154939559,0.000157680704577,74.6823596112,0.000595596424623,5.29995970548 +0.38500000000000023,0.374245805346,18.1140398957,-0.0921291118819,1.47154939559,0.000144802639602,74.6823596112,0.00055357985653,5.29995970548 +0.39000000000000024,0.0790816608773,18.1140398957,-0.00733293644918,1.47154939559,0.00012176574847,74.6823596112,0.000521699444625,5.29995970548 +0.39500000000000024,0.049697750253,18.1140398957,-0.00384811342232,1.47154939559,8.31439619812e-05,74.6823596112,0.000497145339143,5.29995970548 +0.40000000000000024,0.0349710574635,18.1140398957,-0.00263097491256,1.47154939559,5.24295176656e-05,74.6823596112,0.000478094984264,5.29995970548 +0.40500000000000025,0.0260283557633,18.1140398957,-0.00201645120146,1.47154939559,0.000120071834581,74.6823596112,0.000463331601313,5.29995970548 +0.41000000000000025,0.0200441892313,18.1140398957,-0.00164905252282,1.47154939559,0.000169100513913,74.6823596112,0.000452030023174,5.29995970548 +0.41500000000000026,0.0157517428895,18.1140398957,-0.00140698939528,1.47154939559,0.000214616106269,74.6823596112,0.000443630799491,5.29995970548 +0.42000000000000026,0.0124838481907,18.1140398957,-0.00123727535526,1.47154939559,0.000260689210315,74.6823596112,0.000437763852594,5.29995970548 +0.42500000000000027,0.00984521402996,18.1140398957,-0.00111318804071,1.47154939559,0.000309798184377,74.6823596112,0.000434201691646,5.29995970548 +0.43000000000000027,0.00756738407247,18.1140398957,-0.00101982281883,1.47154939559,0.000364155971745,74.6823596112,0.000432831513942,5.29995970548 +0.4350000000000003,0.00541350777357,18.1140398957,-0.000948242326135,1.47154939559,0.000426185952896,74.6823596112,0.000433640513575,5.29995970548 +0.4400000000000003,0.00297197068331,18.1140398957,-0.000892794715662,1.47154939559,0.000498784968073,74.6823596112,0.000436711667188,5.29995970548 +0.4450000000000003,0.00255604145798,18.1140398957,-0.000849765967451,1.47154939559,0.000585366956605,74.6823596112,0.000442229317812,5.29995970548 +0.4500000000000003,0.0042479287043,18.1140398957,-0.000816653454524,1.47154939559,0.000689051444459,74.6823596112,0.000450495719488,5.29995970548 +0.4550000000000003,0.00511359110966,18.1140398957,-0.000791753123337,1.47154939559,0.000807776984968,74.6823596112,0.000461961924806,5.29995970548 +0.4600000000000003,0.00552851171434,18.1140398957,-0.000773916252742,1.47154939559,0.000907015013557,74.6823596112,0.000477279765019,5.29995970548 +0.4650000000000003,0.00549240849427,18.1140398957,-0.000762404050574,1.47154939559,0.000724299949098,74.6823596112,0.000497387555562,5.29995970548 +0.4700000000000003,0.00475812245034,18.1140398957,-0.000756802905684,1.47154939559,0.00302229050956,74.6823596112,0.000523653395103,5.29995970548 +0.4750000000000003,0.00194599738688,18.1140398957,-0.000756981016245,1.47154939559,34.2332847565,74.6823596112,0.000558122975317,5.29995970548 +0.4800000000000003,0.00581061912673,18.1140398957,-0.000763077453325,1.47154939559,0.0161704917093,74.6823596112,0.000603969664163,5.29995970548 +0.4850000000000003,0.0101475500837,18.1140398957,-0.000775521894063,1.47154939559,0.00622528972353,74.6823596112,0.000666366575614,5.29995970548 +0.4900000000000003,0.0129292295142,18.1140398957,-0.000795089926836,1.47154939559,0.00345570459676,74.6823596112,0.00075432447069,5.29995970548 +0.49500000000000033,0.0134904377078,18.1140398957,-0.000817999706173,1.47154939559,0.00245463036373,74.6823596112,0.000817555209473,5.29995970548 From b078b6dbbd8241867fde9e0d4d6bedefdead34bd Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 15:45:43 -0700 Subject: [PATCH 64/77] Delete pp2_print_9.csv Deleting to test civet errors --- .../Validation/gold/DSS/pp2_print_9.csv | 101 ------------------ 1 file changed, 101 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_9.csv diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_9.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_9.csv deleted file mode 100644 index 9a92d02421..0000000000 --- a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_9.csv +++ /dev/null @@ -1,101 +0,0 @@ -pivot_parameter,dss_x2_x1,total_distance_x2_x1,process_time_x2_x1,standard_deviation_x2_x1,dss_y2_y1,total_distance_y2_y1,process_time_y2_y1,standard_deviation_y2_y1 -0.0,0.764555917836,18.1140398957,-0.00195238046846,1.47154939559,5.38967449988e-06,74.6823596112,7.45813228589e-05,5.29995970548 -0.005,9.30858909673,18.1140398957,-0.00100864803365,1.47154939559,1.24795723904e-05,74.6823596112,9.02270196318e-05,5.29995970548 -0.01,0.122334352586,18.1140398957,-0.000540517984425,1.47154939559,2.30373480673e-05,74.6823596112,0.000104951685713,5.29995970548 -0.015,0.0360350905229,18.1140398957,-0.000395318449729,1.47154939559,3.11545786472e-05,74.6823596112,0.000117536572211,5.29995970548 -0.02,0.0178616080118,18.1140398957,-0.00032806376042,1.47154939559,3.52673546559e-05,74.6823596112,0.000128118033517,5.29995970548 -0.025,0.0110996588791,18.1140398957,-0.000291469775938,1.47154939559,3.48725374001e-05,74.6823596112,0.00013704885295,5.29995970548 -0.030000000000000002,0.00782442239411,18.1140398957,-0.000270021532621,1.47154939559,2.74601270738e-05,74.6823596112,0.000144796857306,5.29995970548 -0.035,0.00596713854891,18.1140398957,-0.000257165344332,1.47154939559,1.74308869852e-05,74.6823596112,0.000151879556221,5.29995970548 -0.04,0.00479142607467,18.1140398957,-0.000249704165621,1.47154939559,4.68681025843e-05,74.6823596112,0.000158841403937,5.29995970548 -0.045,0.00397883944845,18.1140398957,-0.000245951779029,1.47154939559,7.29695189883e-05,74.6823596112,0.000166270769047,5.29995970548 -0.049999999999999996,0.00337056580719,18.1140398957,-0.000245005533108,1.47154939559,0.000102009459134,74.6823596112,0.000174857084079,5.29995970548 -0.05499999999999999,0.00287691949975,18.1140398957,-0.000246427172135,1.47154939559,0.000137128469396,74.6823596112,0.000185503180524,5.29995970548 -0.05999999999999999,0.00243978712216,18.1140398957,-0.00025009959392,1.47154939559,0.000182434923644,74.6823596112,0.000199540385351,5.29995970548 -0.06499999999999999,0.00201330853255,18.1140398957,-0.000256175553209,1.47154939559,0.000244837471868,74.6823596112,0.000219175545031,5.29995970548 -0.06999999999999999,0.00154676629616,18.1140398957,-0.000265091173375,1.47154939559,0.000337611433295,74.6823596112,0.000248544527189,5.29995970548 -0.075,0.000933218556283,18.1140398957,-0.000277648598126,1.47154939559,0.000490166282839,74.6823596112,0.000296651750882,5.29995970548 -0.08,0.000738229383803,18.1140398957,-0.000295205653909,1.47154939559,0.000782836614714,74.6823596112,0.000387882072793,5.29995970548 -0.085,0.00135111811562,18.1140398957,-0.000320074823849,1.47154939559,0.00153831819746,74.6823596112,0.000620141189165,5.29995970548 -0.09000000000000001,0.00169304045562,18.1140398957,-0.000356400095265,1.47154939559,0.00704095952057,74.6823596112,0.00230114231943,5.29995970548 -0.09500000000000001,0.00186223763633,18.1140398957,-0.000412295854754,1.47154939559,0.00366566346322,74.6823596112,-0.000993689694002,5.29995970548 -0.10000000000000002,0.00182002129162,18.1140398957,-0.000505986346365,1.47154939559,0.00121399643134,74.6823596112,-0.000359947224045,5.29995970548 -0.10500000000000002,0.0014019346304,18.1140398957,-0.000688568246118,1.47154939559,0.00476364579429,74.6823596112,-0.000200815453204,5.29995970548 -0.11000000000000003,0.00096518997665,18.1140398957,-0.00117897439105,1.47154939559,0.0228786763106,74.6823596112,-0.000128704078952,5.29995970548 -0.11500000000000003,0.00106584058215,18.1140398957,-0.00622483162807,1.47154939559,0.00202501780625,74.6823596112,-8.74296939224e-05,5.29995970548 -0.12000000000000004,0.00500065142453,18.1140398957,0.00163464307481,1.47154939559,0.000644592110542,74.6823596112,-6.02566312226e-05,5.29995970548 -0.12500000000000003,0.0063405052665,18.1140398957,0.000680912709895,1.47154939559,0.000263169163118,74.6823596112,-4.02890758731e-05,5.29995970548 -0.13000000000000003,0.00806093143485,18.1140398957,0.000415127950183,1.47154939559,0.000106765119713,74.6823596112,-2.396500269e-05,5.29995970548 -0.13500000000000004,0.0100310279142,18.1140398957,0.000291255467184,1.47154939559,2.87950161848e-05,74.6823596112,-8.98515368402e-06,5.29995970548 -0.14000000000000004,0.0122675900269,18.1140398957,0.000219812525857,1.47154939559,1.56198184827e-05,74.6823596112,6.58237083438e-06,5.29995970548 -0.14500000000000005,0.0148351988889,18.1140398957,0.000173084366444,1.47154939559,4.45234611385e-05,74.6823596112,2.48908800733e-05,5.29995970548 -0.15000000000000005,0.0178615263141,18.1140398957,0.000139569234505,1.47154939559,6.68822854882e-05,74.6823596112,4.89881660267e-05,5.29995970548 -0.15500000000000005,0.0215861105014,18.1140398957,0.000113544805269,1.47154939559,8.83071290355e-05,74.6823596112,8.40179601309e-05,5.29995970548 -0.16000000000000006,0.0264694626739,18.1140398957,9.17642533806e-05,1.47154939559,0.000113663052235,74.6823596112,0.000140028985451,5.29995970548 -0.16500000000000006,0.0334698845667,18.1140398957,7.21801565184e-05,1.47154939559,0.000149542671478,74.6823596112,0.000240182391112,5.29995970548 -0.17000000000000007,0.0449012179012,18.1140398957,5.33783782595e-05,1.47154939559,0.000210665987604,74.6823596112,0.00045294177425,5.29995970548 -0.17500000000000007,0.0680565351862,18.1140398957,3.42976465134e-05,1.47154939559,0.000358490123034,74.6823596112,0.00111006239632,5.29995970548 -0.18000000000000008,0.14347327974,18.1140398957,1.40749791421e-05,1.47154939559,0.00653073824288,74.6823596112,0.038058520468,5.29995970548 -0.18500000000000008,0.642873311033,18.1140398957,-8.05134042323e-06,1.47154939559,0.000256170021662,74.6823596112,-0.00179839086359,5.29995970548 -0.19000000000000009,0.0986041883731,18.1140398957,-3.28143617829e-05,1.47154939559,0.000240592785336,74.6823596112,-0.00106067265365,5.29995970548 -0.1950000000000001,0.051011542904,18.1140398957,-6.0985853474e-05,1.47154939559,0.000216016050804,74.6823596112,-0.000831601264163,5.29995970548 -0.2000000000000001,0.0333225034375,18.1140398957,-9.34532448432e-05,1.47154939559,0.000191151865901,74.6823596112,-0.000722614866523,5.29995970548 -0.2050000000000001,0.0240484637801,18.1140398957,-0.000131322132975,1.47154939559,0.00016024607495,74.6823596112,-0.000657479963995,5.29995970548 -0.2100000000000001,0.0183079092213,18.1140398957,-0.000176067344773,1.47154939559,0.000114842225154,74.6823596112,-0.000610921725764,5.29995970548 -0.2150000000000001,0.0143799970622,18.1140398957,-0.000229771888481,1.47154939559,3.36144447161e-05,74.6823596112,-0.000572595276345,5.29995970548 -0.2200000000000001,0.0115007697088,18.1140398957,-0.000295528865681,1.47154939559,0.000130780845012,74.6823596112,-0.000538114649882,5.29995970548 -0.22500000000000012,0.00927720033342,18.1140398957,-0.000378162338974,1.47154939559,0.000185729491917,74.6823596112,-0.00050587962063,5.29995970548 -0.23000000000000012,0.00748421033777,18.1140398957,-0.000485620133823,1.47154939559,0.000230815208826,74.6823596112,-0.000475612078806,5.29995970548 -0.23500000000000013,0.00598071199326,18.1140398957,-0.00063192175664,1.47154939559,0.000271715511068,74.6823596112,-0.000447578011658,5.29995970548 -0.24000000000000013,0.00466930951582,18.1140398957,-0.000844176709398,1.47154939559,0.000311657029419,74.6823596112,-0.000422177565884,5.29995970548 -0.24500000000000013,0.00347258368613,18.1140398957,-0.00118222912831,1.47154939559,0.000353511008207,74.6823596112,-0.000399759603836,5.29995970548 -0.2500000000000001,0.00231116647826,18.1140398957,-0.00180883982079,1.47154939559,0.00040049856492,74.6823596112,-0.000380567721625,5.29995970548 -0.2550000000000001,0.00106113257287,18.1140398957,-0.00337604978141,1.47154939559,0.000456791594434,74.6823596112,-0.000364753384301,5.29995970548 -0.2600000000000001,0.000626915008875,18.1140398957,-0.0143987962729,1.47154939559,0.000528433674054,74.6823596112,-0.000352416452598,5.29995970548 -0.2650000000000001,0.00352361459995,18.1140398957,0.00757913834939,1.47154939559,0.000625088077664,74.6823596112,-0.000343652846878,5.29995970548 -0.27000000000000013,0.00309556340049,18.1140398957,0.00321464300573,1.47154939559,0.000763704239633,74.6823596112,-0.000338602174571,5.29995970548 -0.27500000000000013,0.00296576411942,18.1140398957,0.00212745915534,1.47154939559,0.000976585668869,74.6823596112,-0.000337496012601,5.29995970548 -0.28000000000000014,0.00271832351988,18.1140398957,0.0016388103959,1.47154939559,0.00132420760588,74.6823596112,-0.000340712471422,5.29995970548 -0.28500000000000014,0.00220482673868,18.1140398957,0.00136542790093,1.47154939559,0.00167795411627,74.6823596112,-0.000348847094657,5.29995970548 -0.29000000000000015,0.000871360386332,18.1140398957,0.0011946998525,1.47154939559,40.4603300911,74.6823596112,-0.000362816690054,5.29995970548 -0.29500000000000015,0.00236294814641,18.1140398957,0.00108177403476,1.47154939559,0.00653690035317,74.6823596112,-0.000384025252781,5.29995970548 -0.30000000000000016,0.00390520655844,18.1140398957,0.00100543370658,1.47154939559,0.00285090021722,74.6823596112,-0.000414647713232,5.29995970548 -0.30500000000000016,0.0054831420096,18.1140398957,0.00095453558562,1.47154939559,0.00191302566301,74.6823596112,-0.000458147300458,5.29995970548 -0.31000000000000016,0.00729343961795,18.1140398957,0.000922890332543,1.47154939559,0.00153014547193,74.6823596112,-0.000520289330519,5.29995970548 -0.31500000000000017,0.00950633036283,18.1140398957,0.00090705749695,1.47154939559,0.00136287195377,74.6823596112,-0.000611313517831,5.29995970548 -0.3200000000000002,0.0123486734947,18.1140398957,0.000905323674353,1.47154939559,0.0013232871194,74.6823596112,-0.000751171124778,5.29995970548 -0.3250000000000002,0.0161734056215,18.1140398957,0.000917236627499,1.47154939559,0.00140401191084,74.6823596112,-0.000984417811098,5.29995970548 -0.3300000000000002,0.0215797950807,18.1140398957,0.000943453359385,1.47154939559,0.00167886086455,74.6823596112,-0.00143473252914,5.29995970548 -0.3350000000000002,0.0296691372204,18.1140398957,0.000985824293181,1.47154939559,0.00252780276001,74.6823596112,-0.00262004186973,5.29995970548 -0.3400000000000002,0.0426607577457,18.1140398957,0.00104773598243,1.47154939559,0.0104506225076,74.6823596112,-0.0131753327462,5.29995970548 -0.3450000000000002,0.0656011229113,18.1140398957,0.00113484559178,1.47154939559,0.00299110198804,74.6823596112,0.00464194250855,5.29995970548 -0.3500000000000002,0.112117833795,18.1140398957,0.00125654405373,1.47154939559,0.00104430948028,74.6823596112,0.00204646967562,5.29995970548 -0.3550000000000002,0.230474421669,18.1140398957,0.00142897051539,1.47154939559,0.000517723482752,74.6823596112,0.00134893540151,5.29995970548 -0.3600000000000002,0.706445446354,18.1140398957,0.00168175948258,1.47154939559,0.000261937290255,74.6823596112,0.0010286524863,5.29995970548 -0.3650000000000002,10.9285187228,18.1140398957,0.00207517469377,1.47154939559,6.46656203883e-05,74.6823596112,0.000846935177845,5.29995970548 -0.3700000000000002,2.90821913048,18.1140398957,0.00275256289158,1.47154939559,0.000135760674843,74.6823596112,0.000731301536352,5.29995970548 -0.3750000000000002,0.444734319339,18.1140398957,0.00415728879006,1.47154939559,0.000158603245476,74.6823596112,0.000652268359694,5.29995970548 -0.3800000000000002,0.150439466856,18.1140398957,0.00867393718749,1.47154939559,0.000157680704577,74.6823596112,0.000595596424623,5.29995970548 -0.38500000000000023,0.374245805346,18.1140398957,-0.0921291118819,1.47154939559,0.000144802639602,74.6823596112,0.00055357985653,5.29995970548 -0.39000000000000024,0.0790816608773,18.1140398957,-0.00733293644918,1.47154939559,0.00012176574847,74.6823596112,0.000521699444625,5.29995970548 -0.39500000000000024,0.049697750253,18.1140398957,-0.00384811342232,1.47154939559,8.31439619812e-05,74.6823596112,0.000497145339143,5.29995970548 -0.40000000000000024,0.0349710574635,18.1140398957,-0.00263097491256,1.47154939559,5.24295176656e-05,74.6823596112,0.000478094984264,5.29995970548 -0.40500000000000025,0.0260283557633,18.1140398957,-0.00201645120146,1.47154939559,0.000120071834581,74.6823596112,0.000463331601313,5.29995970548 -0.41000000000000025,0.0200441892313,18.1140398957,-0.00164905252282,1.47154939559,0.000169100513913,74.6823596112,0.000452030023174,5.29995970548 -0.41500000000000026,0.0157517428895,18.1140398957,-0.00140698939528,1.47154939559,0.000214616106269,74.6823596112,0.000443630799491,5.29995970548 -0.42000000000000026,0.0124838481907,18.1140398957,-0.00123727535526,1.47154939559,0.000260689210315,74.6823596112,0.000437763852594,5.29995970548 -0.42500000000000027,0.00984521402996,18.1140398957,-0.00111318804071,1.47154939559,0.000309798184377,74.6823596112,0.000434201691646,5.29995970548 -0.43000000000000027,0.00756738407247,18.1140398957,-0.00101982281883,1.47154939559,0.000364155971745,74.6823596112,0.000432831513942,5.29995970548 -0.4350000000000003,0.00541350777357,18.1140398957,-0.000948242326135,1.47154939559,0.000426185952896,74.6823596112,0.000433640513575,5.29995970548 -0.4400000000000003,0.00297197068331,18.1140398957,-0.000892794715662,1.47154939559,0.000498784968073,74.6823596112,0.000436711667188,5.29995970548 -0.4450000000000003,0.00255604145798,18.1140398957,-0.000849765967451,1.47154939559,0.000585366956605,74.6823596112,0.000442229317812,5.29995970548 -0.4500000000000003,0.0042479287043,18.1140398957,-0.000816653454524,1.47154939559,0.000689051444459,74.6823596112,0.000450495719488,5.29995970548 -0.4550000000000003,0.00511359110966,18.1140398957,-0.000791753123337,1.47154939559,0.000807776984968,74.6823596112,0.000461961924806,5.29995970548 -0.4600000000000003,0.00552851171434,18.1140398957,-0.000773916252742,1.47154939559,0.000907015013557,74.6823596112,0.000477279765019,5.29995970548 -0.4650000000000003,0.00549240849427,18.1140398957,-0.000762404050574,1.47154939559,0.000724299949098,74.6823596112,0.000497387555562,5.29995970548 -0.4700000000000003,0.00475812245034,18.1140398957,-0.000756802905684,1.47154939559,0.00302229050956,74.6823596112,0.000523653395103,5.29995970548 -0.4750000000000003,0.00194599738688,18.1140398957,-0.000756981016245,1.47154939559,34.2332847565,74.6823596112,0.000558122975317,5.29995970548 -0.4800000000000003,0.00581061912673,18.1140398957,-0.000763077453325,1.47154939559,0.0161704917093,74.6823596112,0.000603969664163,5.29995970548 -0.4850000000000003,0.0101475500837,18.1140398957,-0.000775521894063,1.47154939559,0.00622528972353,74.6823596112,0.000666366575614,5.29995970548 -0.4900000000000003,0.0129292295142,18.1140398957,-0.000795089926836,1.47154939559,0.00345570459676,74.6823596112,0.00075432447069,5.29995970548 -0.49500000000000033,0.0134904377078,18.1140398957,-0.000817999706173,1.47154939559,0.00245463036373,74.6823596112,0.000817555209473,5.29995970548 From cc2120f5f30f27097c38c2aab9754a6df0a1d911 Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 15:45:55 -0700 Subject: [PATCH 65/77] Delete pp2_print_8.csv Deleting to test civet errors --- .../Validation/gold/DSS/pp2_print_8.csv | 101 ------------------ 1 file changed, 101 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_8.csv diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_8.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_8.csv deleted file mode 100644 index 0104cb05c0..0000000000 --- a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_8.csv +++ /dev/null @@ -1,101 +0,0 @@ -pivot_parameter,dss_x2_x1,total_distance_x2_x1,process_time_x2_x1,standard_deviation_x2_x1,dss_y2_y1,total_distance_y2_y1,process_time_y2_y1,standard_deviation_y2_y1 -0.0,0.0766179352583,17.382257437,0.000755459814065,3.04157746282,0.0140341780609,44.7642229618,-0.0667114589931,5.49765965736 -0.005,0.0634762364734,17.382257437,-2.37886667141e-07,3.04157746282,0.0198530934049,44.7642229618,-0.0836126007673,5.49765965736 -0.01,0.0427570295443,17.382257437,-8.45402657216e-08,3.04157746282,0.0252939453424,44.7642229618,-0.100349963348,5.49765965736 -0.015,0.0286018652395,17.382257437,-5.57957133201e-08,3.04157746282,0.0243388730404,44.7642229618,-0.115046986624,5.49765965736 -0.02,0.0210236449805,17.382257437,-4.42667142247e-08,3.04157746282,0.0129984415582,44.7642229618,-0.127728188461,5.49765965736 -0.025,0.0164575281605,17.382257437,-3.84227771502e-08,3.04157746282,0.0283035069215,44.7642229618,-0.13872547446,5.49765965736 -0.030000000000000002,0.0134418131959,17.382257437,-3.51517091895e-08,3.04157746282,0.0502366951236,44.7642229618,-0.148567035324,5.49765965736 -0.035,0.0112825784351,17.382257437,-3.32697900065e-08,3.04157746282,0.0728063028921,44.7642229618,-0.157900812851,5.49765965736 -0.04,0.00960829455293,17.382257437,-3.22378490597e-08,3.04157746282,0.0981902030458,44.7642229618,-0.167475585491,5.49765965736 -0.045,0.00819416765048,17.382257437,-3.17868308301e-08,3.04157746282,0.128379738659,44.7642229618,-0.178190252587,5.49765965736 -0.049999999999999996,0.00688019091495,17.382257437,-3.17820325634e-08,3.04157746282,0.166340299881,44.7642229618,-0.191234386736,5.49765965736 -0.05499999999999999,0.00551759426795,17.382257437,-3.2167767044e-08,3.04157746282,0.217201578683,44.7642229618,-0.208392722618,5.49765965736 -0.05999999999999999,0.00388240844208,17.382257437,-3.29453857917e-08,3.04157746282,0.290804374855,44.7642229618,-0.232728462736,5.49765965736 -0.06499999999999999,0.000718467776938,17.382257437,-3.41694417397e-08,3.04157746282,0.408478140868,44.7642229618,-0.270329968835,5.49765965736 -0.06999999999999999,0.00365483905979,17.382257437,-3.5959154201e-08,3.04157746282,0.625213421512,44.7642229618,-0.33577072639,5.49765965736 -0.075,0.00510229819122,17.382257437,-3.85312409052e-08,3.04157746282,1.12948805066,44.7642229618,-0.475684829117,5.49765965736 -0.08,0.00601119925538,17.382257437,-4.22748563649e-08,3.04157746282,3.11685857128,44.7642229618,-0.967966986377,5.49765965736 -0.085,0.00640846745449,17.382257437,-4.79284952287e-08,3.04157746282,17.7930104612,44.7642229618,3.61274599878,5.49765965736 -0.09000000000000001,0.00604375957229,17.382257437,-5.70523913778e-08,3.04157746282,5.35189434669,44.7642229618,0.529095850456,5.49765965736 -0.09500000000000001,0.00398213815592,17.382257437,-7.35780664916e-08,3.04157746282,24.8146650348,44.7642229618,0.25674482114,5.49765965736 -0.10000000000000002,0.00553682685252,17.382257437,-1.11032838583e-07,3.04157746282,0.258751826313,44.7642229618,0.155549851088,5.49765965736 -0.10500000000000002,0.0107953176057,17.382257437,-2.67586197346e-07,3.04157746282,0.327998619471,44.7642229618,0.102750899158,5.49765965736 -0.11000000000000003,0.0161203828179,17.382257437,4.46800910848e-07,3.04157746282,0.170078372383,44.7642229618,0.0699664304609,5.49765965736 -0.11500000000000003,0.0220007957478,17.382257437,1.12042588921e-07,3.04157746282,0.0904048618576,44.7642229618,0.0469550141142,5.49765965736 -0.12000000000000004,0.0286209377741,17.382257437,6.12730188443e-08,3.04157746282,0.0460652867323,44.7642229618,0.0289153741263,5.49765965736 -0.12500000000000003,0.0361246921327,17.382257437,4.09369377937e-08,3.04157746282,0.0176903531448,44.7642229618,0.0130230763885,5.49765965736 -0.13000000000000003,0.0446985036227,17.382257437,3.0037208598e-08,3.04157746282,0.00338956638442,44.7642229618,-0.00287654390044,5.49765965736 -0.13500000000000004,0.0546533591936,17.382257437,2.32262928677e-08,3.04157746282,0.021594472442,44.7642229618,-0.0209917021408,5.49765965736 -0.14000000000000004,0.0665529540417,17.382257437,1.85015539036e-08,3.04157746282,0.0396630593666,44.7642229618,-0.0442792801278,5.49765965736 -0.14500000000000005,0.0814554862728,17.382257437,1.49305409444e-08,3.04157746282,0.0598781249142,44.7642229618,-0.0775699273158,5.49765965736 -0.15000000000000005,0.101450488483,17.382257437,1.2008965536e-08,3.04157746282,0.0849733064531,44.7642229618,-0.130080889287,5.49765965736 -0.15500000000000005,0.131087691699,17.382257437,9.43049458666e-09,3.04157746282,0.119536030406,44.7642229618,-0.222508547462,5.49765965736 -0.16000000000000006,0.182186827663,17.382257437,6.98998015508e-09,3.04157746282,0.174241341616,44.7642229618,-0.413591494153,5.49765965736 -0.16500000000000006,0.297507195561,17.382257437,4.53756308295e-09,3.04157746282,0.289227085144,44.7642229618,-0.963642202773,5.49765965736 -0.17000000000000007,0.837797414979,17.382257437,1.95431528909e-09,3.04157746282,1.32413875409,44.7642229618,-8.63679459601,5.49765965736 -0.17500000000000007,0.837676472005,17.382257437,-8.62578290917e-10,3.04157746282,0.314543654714,44.7642229618,1.99844153162,5.49765965736 -0.18000000000000008,0.279293962,17.382257437,-4.01072931105e-09,3.04157746282,0.260293294945,44.7642229618,1.09238186369,5.49765965736 -0.18500000000000008,0.161040950522,17.382257437,-7.59274667908e-09,3.04157746282,0.225977459461,44.7642229618,0.831034650158,5.49765965736 -0.19000000000000009,0.110044322648,17.382257437,-1.17281972013e-08,3.04157746282,0.195962237397,44.7642229618,0.706011058762,5.49765965736 -0.1950000000000001,0.0815169701597,17.382257437,-1.65701065808e-08,3.04157746282,0.161632599019,44.7642229618,0.628518845663,5.49765965736 -0.2000000000000001,0.0632046975998,17.382257437,-2.2330243826e-08,3.04157746282,0.114874416572,44.7642229618,0.57093222884,5.49765965736 -0.2050000000000001,0.0503844703786,17.382257437,-2.93209701027e-08,3.04157746282,0.0208004483174,44.7642229618,0.522711837371,5.49765965736 -0.2100000000000001,0.0408436777528,17.382257437,-3.80296619088e-08,3.04157746282,0.120357523115,44.7642229618,0.479778351864,5.49765965736 -0.2150000000000001,0.0334026737013,17.382257437,-4.92619406658e-08,3.04157746282,0.16959777707,44.7642229618,0.440788804413,5.49765965736 -0.2200000000000001,0.0273695701411,17.382257437,-6.44446399277e-08,3.04157746282,0.20824181058,44.7642229618,0.405497198787,5.49765965736 -0.22500000000000012,0.0223047163346,17.382257437,-8.63485530164e-08,3.04157746282,0.242484086328,44.7642229618,0.373985814301,5.49765965736 -0.23000000000000012,0.0179041859402,17.382257437,-1.2112045367e-07,3.04157746282,0.275804025599,44.7642229618,0.346339629622,5.49765965736 -0.23500000000000013,0.0139298028655,17.382257437,-1.85599687903e-07,3.04157746282,0.311195940663,44.7642229618,0.322549142671,5.49765965736 -0.24000000000000013,0.0101407813938,17.382257437,-3.48242830226e-07,3.04157746282,0.351963531459,44.7642229618,0.302516917789,5.49765965736 -0.24500000000000013,0.00610456971412,17.382257437,-1.57210165907e-06,3.04157746282,0.402459786508,44.7642229618,0.286099832693,5.49765965736 -0.2500000000000001,0.00299428610602,17.382257437,7.31761569145e-07,3.04157746282,0.469302994217,44.7642229618,0.273155791181,5.49765965736 -0.2550000000000001,0.0063209961021,17.382257437,3.15611005104e-07,3.04157746282,0.56391709594,44.7642229618,0.263584697327,5.49765965736 -0.2600000000000001,0.00763085848306,17.382257437,2.08759055658e-07,3.04157746282,0.708782814487,44.7642229618,0.25736383937,5.49765965736 -0.2650000000000001,0.00806982840295,17.382257437,1.60146511978e-07,3.04157746282,0.95604598702,44.7642229618,0.254582443172,5.49765965736 -0.27000000000000013,0.00780355083358,17.382257437,1.32673376231e-07,3.04157746282,1.46111806376,44.7642229618,0.255482670362,5.49765965736 -0.27500000000000013,0.00668503315964,17.382257437,1.1531544489e-07,3.04157746282,2.97875048716,44.7642229618,0.260517308643,5.49765965736 -0.28000000000000014,0.00377413916681,17.382257437,1.0365033745e-07,3.04157746282,35.3299994478,44.7642229618,0.270440235118,5.49765965736 -0.28500000000000014,0.00589027703646,17.382257437,9.55713531568e-08,3.04157746282,3.00707462133,44.7642229618,0.286458261552,5.49765965736 -0.29000000000000015,0.0104641659443,17.382257437,8.99607553105e-08,3.04157746282,1.73733611056,44.7642229618,0.310500740214,5.49765965736 -0.29500000000000015,0.0149246930327,17.382257437,8.61859296816e-08,3.04157746282,1.28998833644,44.7642229618,0.345728441722,5.49765965736 -0.30000000000000016,0.0199054607256,17.382257437,8.38804495914e-08,3.04157746282,1.09777230447,44.7642229618,0.397569653937,5.49765965736 -0.30500000000000016,0.0258628938024,17.382257437,8.28404772045e-08,3.04157746282,1.02848810087,44.7642229618,0.476049189427,5.49765965736 -0.31000000000000016,0.0333694353498,17.382257437,8.29743583408e-08,3.04157746282,1.05098473511,44.7642229618,0.601780085684,5.49765965736 -0.31500000000000017,0.0432911903675,17.382257437,8.42804740603e-08,3.04157746282,1.18712482491,44.7642229618,0.82471452086,5.49765965736 -0.3200000000000002,0.0570681034441,17.382257437,8.68435079735e-08,3.04157746282,1.56439890115,44.7642229618,1.30477104152,5.49765965736 -0.3250000000000002,0.0772878741578,17.382257437,9.08469908799e-08,3.04157746282,2.99049489296,44.7642229618,2.98359259391,5.49765965736 -0.3300000000000002,0.109021971406,17.382257437,9.66060269805e-08,3.04157746282,11.6430906076,44.7642229618,-13.9366598512,5.49765965736 -0.3350000000000002,0.163372867292,17.382257437,1.04632326001e-07,3.04157746282,1.53930654615,44.7642229618,-2.23415848722,5.49765965736 -0.3400000000000002,0.26868331458,17.382257437,1.15759886144e-07,3.04157746282,0.705340630385,44.7642229618,-1.26848415518,5.49765965736 -0.3450000000000002,0.516364584015,17.382257437,1.31398400103e-07,3.04157746282,0.393999426039,44.7642229618,-0.915399916603,5.49765965736 -0.3500000000000002,1.35185710055,17.382257437,1.5408750332e-07,3.04157746282,0.223495137551,44.7642229618,-0.735169703334,5.49765965736 -0.3550000000000002,8.95541200506,17.382257437,1.88862512586e-07,3.04157746282,0.0967009866621,44.7642229618,-0.627499450317,5.49765965736 -0.3600000000000002,28.9157925245,17.382257437,2.47255244352e-07,3.04157746282,0.0887315595718,44.7642229618,-0.556984404462,5.49765965736 -0.3650000000000002,2.04140064426,17.382257437,3.62658377701e-07,3.04157746282,0.122318338424,44.7642229618,-0.50793815665,5.49765965736 -0.3700000000000002,0.686188136722,17.382257437,6.88521252376e-07,3.04157746282,0.130173377388,44.7642229618,-0.472349282664,5.49765965736 -0.3750000000000002,0.342920526144,17.382257437,6.81086396551e-06,3.04157746282,0.126207148569,44.7642229618,-0.445708879334,5.49765965736 -0.3800000000000002,0.206358071634,17.382257437,-8.74737058002e-07,3.04157746282,0.113160389053,44.7642229618,-0.425297229316,5.49765965736 -0.38500000000000023,0.138258167655,17.382257437,-4.16082279754e-07,3.04157746282,0.0888354991172,44.7642229618,-0.40938978377,5.49765965736 -0.39000000000000024,0.0992757117514,17.382257437,-2.76141533993e-07,3.04157746282,0.0342044876592,44.7642229618,-0.396853988338,5.49765965736 -0.39500000000000024,0.0747228392712,17.382257437,-2.08909348535e-07,3.04157746282,0.0873433212143,44.7642229618,-0.386929340875,5.49765965736 -0.40000000000000024,0.058092908911,17.382257437,-1.6974028524e-07,3.04157746282,0.137949162302,44.7642229618,-0.379100324519,5.49765965736 -0.40500000000000025,0.0461279485462,17.382257437,-1.44328470817e-07,3.04157746282,0.184096818585,44.7642229618,-0.373019610799,5.49765965736 -0.41000000000000025,0.037030882991,17.382257437,-1.26681304813e-07,3.04157746282,0.231451835307,44.7642229618,-0.368460122885,5.49765965736 -0.41500000000000026,0.0297173927724,17.382257437,-1.1384971055e-07,3.04157746282,0.283249427815,44.7642229618,-0.365284649124,5.49765965736 -0.42000000000000026,0.0234564906682,17.382257437,-1.04216368056e-07,3.04157746282,0.342690613933,44.7642229618,-0.363426818521,5.49765965736 -0.42500000000000027,0.0176463581116,17.382257437,-9.68228967361e-08,3.04157746282,0.413909556542,44.7642229618,-0.362880013503,5.49765965736 -0.43000000000000027,0.0114971205473,17.382257437,-9.1068004043e-08,3.04157746282,0.50304268279,44.7642229618,-0.363692409128,5.49765965736 -0.4350000000000003,0.00268027058148,17.382257437,-8.65581854696e-08,3.04157746282,0.620105717779,44.7642229618,-0.365967395628,5.49765965736 -0.4400000000000003,0.0108379331777,17.382257437,-8.30281657082e-08,3.04157746282,0.78298600995,44.7642229618,-0.369869506547,5.49765965736 -0.4450000000000003,0.0142463500807,17.382257437,-8.02959980022e-08,3.04157746282,1.02725455535,44.7642229618,-0.3756368878,5.49765965736 -0.4500000000000003,0.016191858155,17.382257437,-7.82366211185e-08,3.04157746282,1.43490622822,44.7642229618,-0.383602569944,5.49765965736 -0.4550000000000003,0.0169359462252,17.382257437,-7.67658718131e-08,3.04157746282,2.24350595478,44.7642229618,-0.39422874796,5.49765965736 -0.4600000000000003,0.0160926654828,17.382257437,-7.58307989645e-08,3.04157746282,4.50152487095,44.7642229618,-0.408161671023,5.49765965736 -0.4650000000000003,0.0120549150113,17.382257437,-7.54040669454e-08,3.04157746282,23.7857952866,44.7642229618,-0.426321124734,5.49765965736 -0.4700000000000003,0.0106514961142,17.382257437,-7.54812981885e-08,3.04157746282,3.01522648483,44.7642229618,-0.450051235414,5.49765965736 -0.4750000000000003,0.0249502300599,17.382257437,-7.60808609275e-08,3.04157746282,2.02773616538,44.7642229618,-0.481386519321,5.49765965736 -0.4800000000000003,0.0396287384342,17.382257437,-7.7246105534e-08,3.04157746282,1.73740406466,44.7642229618,-0.523549672213,5.49765965736 -0.4850000000000003,0.0574696004356,17.382257437,-7.90505602526e-08,3.04157746282,1.50891777393,44.7642229618,-0.581955448149,5.49765965736 -0.4900000000000003,0.0692535087708,17.382257437,-8.16072910692e-08,3.04157746282,1.22516588853,44.7642229618,-0.666442262839,5.49765965736 -0.49500000000000033,0.0702459831803,17.382257437,-8.45272772513e-08,3.04157746282,0.98926977011,44.7642229618,-0.728823164106,5.49765965736 From ab621f40fff1e4a24672928e69caabf53922900f Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 15:46:06 -0700 Subject: [PATCH 66/77] Delete pp2_print_7.csv Deleting to test civet errors --- .../Validation/gold/DSS/pp2_print_7.csv | 101 ------------------ 1 file changed, 101 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_7.csv diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_7.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_7.csv deleted file mode 100644 index ae7b0e9f1c..0000000000 --- a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_7.csv +++ /dev/null @@ -1,101 +0,0 @@ -pivot_parameter,dss_x2_x1,total_distance_x2_x1,process_time_x2_x1,standard_deviation_x2_x1,dss_y2_y1,total_distance_y2_y1,process_time_y2_y1,standard_deviation_y2_y1 -0.0,0.0306827499538,9.41582507018,-0.000557451122591,1.11278977424,3.23285962905e-05,26.7626230727,-3.97768207706e-05,3.11855839636 -0.005,0.902904316983,9.41582507018,-0.00112495449284,1.11278977424,0.00010752701866,26.7626230727,-5.11548404776e-05,3.11855839636 -0.01,0.0165880760891,9.41582507018,0.00114089926273,1.11278977424,0.000248267258665,26.7626230727,-6.30232498458e-05,3.11855839636 -0.015,0.00355786035287,9.41582507018,0.000421371820622,1.11278977424,0.00037315669509,26.7626230727,-7.38163161171e-05,3.11855839636 -0.02,0.00161337259969,9.41582507018,0.000278429812737,1.11278977424,0.000462015240706,26.7626230727,-8.33604223263e-05,3.11855839636 -0.025,0.000954019394913,9.41582507018,0.000219869626604,1.11278977424,0.00050508386182,26.7626230727,-9.16902895052e-05,3.11855839636 -0.030000000000000002,0.000647812985872,9.41582507018,0.000189606326064,1.11278977424,0.000455791762794,26.7626230727,-9.90026468141e-05,3.11855839636 -0.035,0.000477958125948,9.41582507018,0.000172252706692,1.11278977424,0.000198308747405,26.7626230727,-0.000105602575883,3.11855839636 -0.04,0.000371801216637,9.41582507018,0.000161899497952,1.11278977424,0.000838707484391,26.7626230727,-0.00011186527912,3.11855839636 -0.045,0.000299200174921,9.41582507018,0.000155826972898,1.11278977424,0.00148760310243,26.7626230727,-0.000118224378687,3.11855839636 -0.049999999999999996,0.00024567597282,9.41582507018,0.00015265197448,1.11278977424,0.00232839457664,26.7626230727,-0.000125192300053,3.11855839636 -0.05499999999999999,0.000203411544118,9.41582507018,0.000151649095753,1.11278977424,0.00347283925572,26.7626230727,-0.000133422167594,3.11855839636 -0.05999999999999999,0.000167662679905,9.41582507018,0.000152467686434,1.11278977424,0.0050734926912,26.7626230727,-0.000143837878484,3.11855839636 -0.06499999999999999,0.00013503915901,9.41582507018,0.000155009611959,1.11278977424,0.0073667798554,26.7626230727,-0.000157905145923,3.11855839636 -0.06999999999999999,0.000102261567593,9.41582507018,0.000159387238238,1.11278977424,0.0107427641775,26.7626230727,-0.000178249677159,3.11855839636 -0.075,6.34386960977e-05,9.41582507018,0.000165936730283,1.11278977424,0.0158853299862,26.7626230727,-0.000210289020811,3.11855839636 -0.08,3.87347745242e-05,9.41582507018,0.000175291467633,1.11278977424,0.0240843846341,26.7626230727,-0.000267577213734,3.11855839636 -0.085,7.96192871896e-05,9.41582507018,0.000188552920371,1.11278977424,0.0379986911922,26.7626230727,-0.000396822094901,3.11855839636 -0.09000000000000001,0.000102571823978,9.41582507018,0.000207663091006,1.11278977424,0.0633224473537,26.7626230727,-0.000941630522183,3.11855839636 -0.09500000000000001,0.000117554274876,9.41582507018,0.000236268340775,1.11278977424,0.132404684301,26.7626230727,0.00145531495952,3.11855839636 -0.10000000000000002,0.000124487282285,9.41582507018,0.000281996779682,1.11278977424,0.31503518025,26.7626230727,0.00035834387222,3.11855839636 -0.10500000000000002,0.000115287091373,9.41582507018,0.000363808896115,1.11278977424,1.59083348437,26.7626230727,0.000187508432009,3.11855839636 -0.11000000000000003,5.1909021237e-05,9.41582507018,0.000545316634447,1.11278977424,21.3048443491,26.7626230727,0.00011851795602,3.11855839636 -0.11500000000000003,0.000386518403935,9.41582507018,0.00125410530737,1.11278977424,0.591950911494,26.7626230727,8.12900326612e-05,3.11855839636 -0.12000000000000004,0.000946482736945,9.41582507018,-0.00276479865149,1.11278977424,0.155048626235,26.7626230727,5.78629181494e-05,3.11855839636 -0.12500000000000003,0.000151746541504,9.41582507018,-0.000609212147903,1.11278977424,0.0601471585328,26.7626230727,4.14666739701e-05,3.11855839636 -0.13000000000000003,1.03877529358e-06,9.41582507018,-0.000329213157915,1.11278977424,0.0260683220409,26.7626230727,2.88946006248e-05,3.11855839636 -0.13500000000000004,9.63870452114e-05,9.41582507018,-0.000220024971557,1.11278977424,0.0108509351514,26.7626230727,1.83209482826e-05,3.11855839636 -0.14000000000000004,0.000184289435455,9.41582507018,-0.000162298633374,1.11278977424,0.0033447046694,26.7626230727,8.4824235061e-06,3.11855839636 -0.14500000000000005,0.000276411572646,9.41582507018,-0.000126689798503,1.11278977424,0.000448179571599,26.7626230727,-1.72192077198e-06,3.11855839636 -0.15000000000000005,0.000382498002631,9.41582507018,-0.000102428122283,1.11278977424,0.00226833569207,26.7626230727,-1.3516459439e-05,3.11855839636 -0.15500000000000005,0.00051526527586,9.41582507018,-8.45888151489e-05,1.11278977424,0.00298490713824,26.7626230727,-2.85792378502e-05,3.11855839636 -0.16000000000000006,0.000697535958197,9.41582507018,-7.05645801842e-05,1.11278977424,0.00307385503078,26.7626230727,-4.96035508974e-05,3.11855839636 -0.16500000000000006,0.000978872252848,9.41582507018,-5.88136820266e-05,1.11278977424,0.00280852300668,26.7626230727,-8.15087433565e-05,3.11855839636 -0.17000000000000007,0.0014913130025,9.41582507018,-4.83371586243e-05,1.11278977424,0.00234462818666,26.7626230727,-0.000134580255489,3.11855839636 -0.17500000000000007,0.00272017373639,9.41582507018,-3.84330408682e-05,1.11278977424,0.00175903250862,26.7626230727,-0.000234611481383,3.11855839636 -0.18000000000000008,0.00820538933534,9.41582507018,-2.85693413718e-05,1.11278977424,0.0010499187463,26.7626230727,-0.000469253336785,3.11855839636 -0.18500000000000008,10.6977065865,9.41582507018,-1.83127323453e-05,1.11278977424,0.000377467807423,26.7626230727,-0.00144334631206,3.11855839636 -0.19000000000000009,0.00181876954186,9.41582507018,-7.28520083071e-06,1.11278977424,0.00198829432899,26.7626230727,0.00380352835494,3.11855839636 -0.1950000000000001,0.000298016909274,9.41582507018,4.86442780661e-06,1.11278977424,0.00172315240834,26.7626230727,0.00114095531263,3.11855839636 -0.2000000000000001,0.000484613282186,9.41582507018,1.84806778369e-05,1.11278977424,0.00173198505852,26.7626230727,0.000802430356588,3.11855839636 -0.2050000000000001,0.000478409389526,9.41582507018,3.39168035716e-05,1.11278977424,0.00164113577386,26.7626230727,0.000692843913681,3.11855839636 -0.2100000000000001,0.000443143571947,9.41582507018,5.15473038338e-05,1.11278977424,0.00137529101676,26.7626230727,0.000657905411826,3.11855839636 -0.2150000000000001,0.000406683877593,9.41582507018,7.17787175624e-05,1.11278977424,0.000633598181294,26.7626230727,0.000660244626901,3.11855839636 -0.2200000000000001,0.000374086409908,9.41582507018,9.50594242387e-05,1.11278977424,0.00145154624477,26.7626230727,0.000687097357742,3.11855839636 -0.22500000000000012,0.000345348559774,9.41582507018,0.000121888944865,1.11278977424,0.0024919919182,26.7626230727,0.000733691388974,3.11855839636 -0.23000000000000012,0.000319182009349,9.41582507018,0.000152827124769,1.11278977424,0.00359454513161,26.7626230727,0.000798644650834,3.11855839636 -0.23500000000000013,0.000293887601063,9.41582507018,0.000188503543319,1.11278977424,0.00490517967202,26.7626230727,0.000882352195968,3.11855839636 -0.24000000000000013,0.000267455857994,9.41582507018,0.000229627527076,1.11278977424,0.0065590112144,26.7626230727,0.000986327669379,3.11855839636 -0.24500000000000013,0.000237319510863,9.41582507018,0.000276999245557,1.11278977424,0.0087409751708,26.7626230727,0.00111289297195,3.11855839636 -0.2500000000000001,0.000199579114608,9.41582507018,0.000331522555985,1.11278977424,0.0117404008389,26.7626230727,0.00126498847598,3.11855839636 -0.2550000000000001,0.000146057429909,9.41582507018,0.000394220556496,1.11278977424,0.0160477113723,26.7626230727,0.00144599092204,3.11855839636 -0.2600000000000001,1.90837157492e-05,9.41582507018,0.000466255236193,1.11278977424,0.0225605981899,26.7626230727,0.00165945967176,3.11855839636 -0.2650000000000001,0.000151737370652,9.41582507018,0.000548953216518,1.11278977424,0.0330806750009,26.7626230727,0.00190873844014,3.11855839636 -0.27000000000000013,0.000218700149796,9.41582507018,0.000643840421163,1.11278977424,0.0516929209211,26.7626230727,0.00219634308257,3.11855839636 -0.27500000000000013,0.0002670189776,9.41582507018,0.00075268968204,1.11278977424,0.0894273854518,26.7626230727,0.00252308720763,3.11855839636 -0.28000000000000014,0.000295840969064,9.41582507018,0.000877586934222,1.11278977424,0.185555738772,26.7626230727,0.002886961159,3.11855839636 -0.28500000000000014,0.00029146395723,9.41582507018,0.00102102402236,1.11278977424,0.577167840156,26.7626230727,0.00328190958063,3.11855839636 -0.29000000000000015,0.000204925986361,9.41582507018,0.00118602966583,1.11278977424,10.2487352137,26.7626230727,0.00369684641987,3.11855839636 -0.29500000000000015,0.000284536483274,9.41582507018,0.00137635556721,1.11278977424,1.99347013948,26.7626230727,0.00411543626571,3.11855839636 -0.30000000000000016,0.000596911791929,9.41582507018,0.00159674334825,1.11278977424,0.320959386856,26.7626230727,0.0045171998707,3.11855839636 -0.30500000000000016,0.000957747446753,9.41582507018,0.00185331241199,1.11278977424,0.120733662553,26.7626230727,0.00488018580299,3.11855839636 -0.31000000000000016,0.00141891567545,9.41582507018,0.00215413353736,1.11278977424,0.0605269635727,26.7626230727,0.0051847701627,3.11855839636 -0.31500000000000017,0.00203066329996,9.41582507018,0.00251009686648,1.11278977424,0.0350851626381,26.7626230727,0.00541742730367,3.11855839636 -0.3200000000000002,0.0028638633866,9.41582507018,0.00293626382708,1.11278977424,0.0222276102019,26.7626230727,0.00557310011959,3.11855839636 -0.3250000000000002,0.00402927490083,9.41582507018,0.00345404844976,1.11278977424,0.0149751184191,26.7626230727,0.00565536595129,3.11855839636 -0.3300000000000002,0.00571119111095,9.41582507018,0.00409489024731,1.11278977424,0.0105625631986,26.7626230727,0.00567460221727,3.11855839636 -0.3350000000000002,0.00823605774456,9.41582507018,0.00490676581009,1.11278977424,0.0077153027945,26.7626230727,0.00564512067525,3.11855839636 -0.3400000000000002,0.0122271018125,9.41582507018,0.00596648538713,1.11278977424,0.00577991464454,26.7626230727,0.00558235862682,3.11855839636 -0.3450000000000002,0.018995346848,9.41582507018,0.00740482498323,1.11278977424,0.00439394557158,26.7626230727,0.00550082435537,3.11855839636 -0.3500000000000002,0.0316929901205,9.41582507018,0.00946343340245,1.11278977424,0.00334234235238,26.7626230727,0.00541298554899,3.11855839636 -0.3550000000000002,0.0595709626355,9.41582507018,0.0126429144169,1.11278977424,0.0024863447892,26.7626230727,0.00532894549572,3.11855839636 -0.3600000000000002,0.140776212592,9.41582507018,0.0181746074932,1.11278977424,0.00171772464755,26.7626230727,0.00525663011472,3.11855839636 -0.3650000000000002,0.626854978843,9.41582507018,0.0301146631651,1.11278977424,0.000873774219684,26.7626230727,0.00520223492173,3.11855839636 -0.3700000000000002,2.05044640812,9.41582507018,0.0743055194479,1.11278977424,0.000868952684127,26.7626230727,0.005170763208,3.11855839636 -0.3750000000000002,1.967788632,9.41582507018,-0.228642820892,1.11278977424,0.0013411350317,26.7626230727,0.00516656840981,3.11855839636 -0.3800000000000002,0.245003908081,9.41582507018,-0.0490085283738,1.11278977424,0.0015658039418,26.7626230727,0.00519387448625,3.11855839636 -0.38500000000000023,0.100123174825,9.41582507018,-0.0287984424702,1.11278977424,0.00164975224519,26.7626230727,0.00525728862216,3.11855839636 -0.39000000000000024,0.05542537026,9.41582507018,-0.021097130417,1.11278977424,0.0015957477508,26.7626230727,0.00536234935958,3.11855839636 -0.39500000000000024,0.0355326760753,9.41582507018,-0.0170989701414,1.11278977424,0.00133583190046,26.7626230727,0.00551618120264,3.11855839636 -0.40000000000000024,0.0248271759234,9.41582507018,-0.0147030530606,1.11278977424,0.000431356964331,26.7626230727,0.00572836665979,3.11855839636 -0.40500000000000025,0.0183315366917,9.41582507018,-0.0131542795141,1.11278977424,0.00163124640358,26.7626230727,0.00601221751251,3.11855839636 -0.41000000000000025,0.014039428773,9.41582507018,-0.0121164464296,1.11278977424,0.00272489168365,26.7626230727,0.00638676433496,3.11855839636 -0.41500000000000026,0.0110075021854,9.41582507018,-0.0114192283556,1.11278977424,0.00389707823712,26.7626230727,0.00688006422458,3.11855839636 -0.42000000000000026,0.00873844218418,9.41582507018,-0.010969436566,1.11278977424,0.00526257780172,26.7626230727,0.00753503682461,3.11855839636 -0.42500000000000027,0.00694247493037,9.41582507018,-0.010714530666,1.11278977424,0.0069092473011,26.7626230727,0.0084204650592,3.11855839636 -0.43000000000000027,0.00542968459402,9.41582507018,-0.0106260431118,1.11278977424,0.008919334962,26.7626230727,0.00965345784477,3.11855839636 -0.4350000000000003,0.00404685483649,9.41582507018,-0.0106917823832,1.11278977424,0.011334640699,26.7626230727,0.0114502689769,3.11855839636 -0.4400000000000003,0.00259270956285,9.41582507018,-0.0109125570054,1.11278977424,0.0139824921564,26.7626230727,0.0142583859854,3.11855839636 -0.4450000000000003,0.000869341591331,9.41582507018,-0.0113018241527,1.11278977424,0.015685422106,26.7626230727,0.0191766301145,3.11855839636 -0.4500000000000003,0.00261042853509,9.41582507018,-0.0118880026411,1.11278977424,0.00976379372345,26.7626230727,0.029814143336,3.11855839636 -0.4550000000000003,0.00344428825304,9.41582507018,-0.0127202913723,1.11278977424,0.0637181974297,26.7626230727,0.0689859651338,3.11855839636 -0.4600000000000003,0.00399788704279,9.41582507018,-0.0138804842168,1.11278977424,0.874835797642,26.7626230727,-0.208169930301,3.11855839636 -0.4650000000000003,0.004330498936,9.41582507018,-0.0155068429663,1.11278977424,0.593560492947,26.7626230727,-0.041378998195,3.11855839636 -0.4700000000000003,0.00431577516571,9.41582507018,-0.0178454317953,1.11278977424,1.42955754325,26.7626230727,-0.023041078054,3.11855839636 -0.4750000000000003,0.00329586376578,9.41582507018,-0.0213728514744,1.11278977424,19.2990481855,26.7626230727,-0.0160481184739,3.11855839636 -0.4800000000000003,0.00451029883553,9.41582507018,-0.0271394764463,1.11278977424,5.44897180868,26.7626230727,-0.0123897802269,3.11855839636 -0.4850000000000003,0.0119025242749,9.41582507018,-0.0379906792011,1.11278977424,0.826637403068,26.7626230727,-0.0101614164409,3.11855839636 -0.4900000000000003,0.0244749095371,9.41582507018,-0.0652289208328,1.11278977424,0.278172048151,26.7626230727,-0.00867817231596,3.11855839636 -0.49500000000000033,0.0382687518741,9.41582507018,-0.102746733456,1.11278977424,0.159666457462,26.7626230727,-0.00810965884763,3.11855839636 From 3c4777bd98175649998209c1ae25fa9de9327486 Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 15:46:13 -0700 Subject: [PATCH 67/77] Delete pp2_print_6.csv Deleting to test civet errors --- .../Validation/gold/DSS/pp2_print_6.csv | 101 ------------------ 1 file changed, 101 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_6.csv diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_6.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_6.csv deleted file mode 100644 index 28086123f3..0000000000 --- a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_6.csv +++ /dev/null @@ -1,101 +0,0 @@ -pivot_parameter,dss_x2_x1,total_distance_x2_x1,process_time_x2_x1,standard_deviation_x2_x1,dss_y2_y1,total_distance_y2_y1,process_time_y2_y1,standard_deviation_y2_y1 -0.0,2.70350039542,17.0559298327,-0.340789791761,2.80203717842,0.000156598717836,10.6263294019,0.000259050984778,3.94675903436 -0.005,0.145014026695,17.0559298327,-0.039757633263,2.80203717842,0.000241969968522,10.6263294019,0.000319658532634,3.94675903436 -0.01,0.0184342248343,17.0559298327,-0.015265192276,2.80203717842,0.000354422913577,10.6263294019,0.000378452525131,3.94675903436 -0.015,0.0054159793812,17.0559298327,-0.0101994156969,2.80203717842,0.000424392383677,10.6263294019,0.000429276704692,3.94675903436 -0.02,0.00225945296386,17.0559298327,-0.00810998496426,2.80203717842,0.00043603625168,10.6263294019,0.000472183459763,3.94675903436 -0.025,0.00105198298505,17.0559298327,-0.00702895799841,2.80203717842,0.000313733296765,10.6263294019,0.000508200333029,3.94675903436 -0.030000000000000002,0.000435711422307,17.0559298327,-0.00640849065588,2.80203717842,0.000446231772485,10.6263294019,0.000538925073506,3.94675903436 -0.035,5.38463247289e-05,17.0559298327,-0.00603628382787,2.80203717842,0.00094894046027,10.6263294019,0.000566218513968,3.94675903436 -0.04,0.000212177867169,17.0559298327,-0.00581376358424,2.80203717842,0.00154717277772,10.6263294019,0.000592049990332,3.94675903436 -0.045,0.00040626422662,17.0559298327,-0.00569012435036,2.80203717842,0.00233695353429,10.6263294019,0.000618491968159,3.94675903436 -0.049999999999999996,0.00054328998326,17.0559298327,-0.00563794815128,2.80203717842,0.00342526139257,10.6263294019,0.000647852891664,3.94675903436 -0.05499999999999999,0.000623791609674,17.0559298327,-0.00564286668971,2.80203717842,0.00497363209646,10.6263294019,0.000682969014109,3.94675903436 -0.05999999999999999,0.000637706405064,17.0559298327,-0.00569886521111,2.80203717842,0.0072474241277,10.6263294019,0.00072775138905,3.94675903436 -0.06499999999999999,0.000559013790756,17.0559298327,-0.00580626402911,2.80203717842,0.0107103866443,10.6263294019,0.000788255622604,3.94675903436 -0.06999999999999999,0.000287481451342,17.0559298327,-0.00597129971804,2.80203717842,0.016232269624,10.6263294019,0.000875002867617,3.94675903436 -0.075,0.000531376376373,17.0559298327,-0.00620707243262,2.80203717842,0.0256008956333,10.6263294019,0.00100877222422,3.94675903436 -0.08,0.000858935124234,17.0559298327,-0.00653625001633,2.80203717842,0.0429883048173,10.6263294019,0.00123811168698,3.94675903436 -0.085,0.00108204272058,17.0559298327,-0.00699682574799,2.80203717842,0.0801531454306,10.6263294019,0.00171063743241,3.94675903436 -0.09000000000000001,0.0011770657274,17.0559298327,-0.00765425421471,2.80203717842,0.182929008938,10.6263294019,0.00319418398349,3.94675903436 -0.09500000000000001,0.00106598461032,17.0559298327,-0.00862891977985,2.80203717842,0.0722659787062,10.6263294019,-0.0558632772073,3.94675903436 -0.10000000000000002,0.000567583320314,17.0559298327,-0.0101665437859,2.80203717842,19.4694915252,10.6263294019,-0.00236621812496,3.94675903436 -0.10500000000000002,0.000667520653281,17.0559298327,-0.0128563411379,2.80203717842,1.38233592719,10.6263294019,-0.00108614061781,3.94675903436 -0.11000000000000003,0.000209642723362,17.0559298327,-0.0185517134201,2.80203717842,0.257274008061,10.6263294019,-0.000648733253403,3.94675903436 -0.11500000000000003,0.00828452343367,17.0559298327,-0.0376870320832,2.80203717842,0.0964666432242,10.6263294019,-0.000428477594825,3.94675903436 -0.12000000000000004,0.144707239827,17.0559298327,0.225504523191,2.80203717842,0.0449010921327,10.6263294019,-0.000294927332069,3.94675903436 -0.12500000000000003,0.03526551275,17.0559298327,0.0256238274837,2.80203717842,0.0222977585157,10.6263294019,-0.000203317850298,3.94675903436 -0.13000000000000003,0.0331703928247,17.0559298327,0.0129538127074,2.80203717842,0.0107190798809,10.6263294019,-0.000133519351623,3.94675903436 -0.13500000000000004,0.0369186074587,17.0559298327,0.00841020326735,2.80203717842,0.0043278080903,10.6263294019,-7.4325301277e-05,3.94675903436 -0.14000000000000004,0.0436136080195,17.0559298327,0.00608914584789,2.80203717842,0.000736531455036,10.6263294019,-1.78827433674e-05,3.94675903436 -0.14500000000000005,0.0533321888769,17.0559298327,0.00468169339618,2.80203717842,0.00120879479541,10.6263294019,4.30261471329e-05,3.94675903436 -0.15000000000000005,0.0674116919862,17.0559298327,0.00372924865983,2.80203717842,0.00214420007139,10.6263294019,0.000117102174359,3.94675903436 -0.15500000000000005,0.0891968213127,17.0559298327,0.00302732767872,2.80203717842,0.00245434257718,10.6263294019,0.000217359782777,3.94675903436 -0.16000000000000006,0.127404954201,17.0559298327,0.00246903815056,2.80203717842,0.00238171352001,10.6263294019,0.000366651411219,3.94675903436 -0.16500000000000006,0.210920752682,17.0559298327,0.0019913857224,2.80203717842,0.00207262799839,10.6263294019,0.000611341259544,3.94675903436 -0.17000000000000007,0.498933262292,17.0559298327,0.00155338362272,2.80203717842,0.00158067306088,10.6263294019,0.0010637940542,3.94675903436 -0.17500000000000007,6.46878977584,17.0559298327,0.00112593710116,2.80203717842,0.000626655506181,10.6263294019,0.00208610786992,3.94675903436 -0.18000000000000008,0.655111298002,17.0559298327,0.00068665319288,2.80203717842,0.00207238908005,10.6263294019,0.00585768478698,3.94675903436 -0.18500000000000008,0.0317676366152,17.0559298327,0.000216876394806,2.80203717842,0.00564972432766,10.6263294019,-0.0280610566834,3.94675903436 -0.19000000000000009,0.0154397403767,17.0559298327,-0.000300246989807,2.80203717842,0.000127857177934,10.6263294019,-0.00579642972555,3.94675903436 -0.1950000000000001,0.0209405045381,17.0559298327,-0.000881279280905,2.80203717842,0.000417907653267,10.6263294019,-0.0038052598963,3.94675903436 -0.2000000000000001,0.0193113216303,17.0559298327,-0.00154394429753,2.80203717842,0.00054169521748,10.6263294019,-0.00309861301637,3.94675903436 -0.2050000000000001,0.0162762817161,17.0559298327,-0.00230882190973,2.80203717842,0.000386115804839,10.6263294019,-0.00274818216886,3.94675903436 -0.2100000000000001,0.013146090386,17.0559298327,-0.0032016225129,2.80203717842,0.000583485476929,10.6263294019,-0.00253594406895,3.94675903436 -0.2150000000000001,0.0102444666072,17.0559298327,-0.00425653424934,2.80203717842,0.00115971533675,10.6263294019,-0.00238349915694,3.94675903436 -0.2200000000000001,0.0076307381254,17.0559298327,-0.00552148255128,2.80203717842,0.00178861090912,10.6263294019,-0.00225711318374,3.94675903436 -0.22500000000000012,0.00529130629044,17.0559298327,-0.00706688289465,2.80203717842,0.00255513351549,10.6263294019,-0.00214199093714,3.94675903436 -0.23000000000000012,0.00319965272217,17.0559298327,-0.00900111114621,2.80203717842,0.0035360070843,10.6263294019,-0.00203267234587,3.94675903436 -0.23500000000000013,0.00134241754939,17.0559298327,-0.0114998194579,2.80203717842,0.00483543162566,10.6263294019,-0.00192838052285,3.94675903436 -0.24000000000000013,0.000251759689033,17.0559298327,-0.0148664146913,2.80203717842,0.00661557445297,10.6263294019,-0.00183040889086,3.94675903436 -0.24500000000000013,0.00142719330876,17.0559298327,-0.0196711386476,2.80203717842,0.00915138000249,10.6263294019,-0.00174065200117,3.94675903436 -0.2500000000000001,0.00134156208403,17.0559298327,-0.0271215733256,2.80203717842,0.0129471305693,10.6263294019,-0.00166088128894,3.94675903436 -0.2550000000000001,0.00454121171289,17.0559298327,-0.0402872724642,2.80203717842,0.0190149428371,10.6263294019,-0.00159249232021,3.94675903436 -0.2600000000000001,0.0133176210049,17.0559298327,-0.0699107813472,2.80203717842,0.029638700964,10.6263294019,-0.00153651636415,3.94675903436 -0.2650000000000001,0.0489126794165,17.0559298327,-0.198132500708,2.80203717842,0.0509039942947,10.6263294019,-0.00149375614947,3.94675903436 -0.27000000000000013,0.0886661204926,17.0559298327,0.318548206408,2.80203717842,0.103843483557,10.6263294019,-0.00146496712723,3.94675903436 -0.27500000000000013,0.0263483245148,17.0559298327,0.0962613977282,2.80203717842,0.30629385869,10.6263294019,-0.0014510519733,3.94675903436 -0.28000000000000014,0.0118768455379,17.0559298327,0.0595519445626,2.80203717842,3.52056808431,10.6263294019,-0.00145326716944,3.94675903436 -0.28500000000000014,0.00952071153643,17.0559298327,0.0446187950249,2.80203717842,1.90127541356,10.6263294019,-0.0014734621324,3.94675903436 -0.29000000000000015,0.0165981439163,17.0559298327,0.0366451537582,2.80203717842,0.25741702441,10.6263294019,-0.00151439176325,3.94675903436 -0.29500000000000015,0.0218944490705,17.0559298327,0.0317991936693,2.80203717842,0.0973929163908,10.6263294019,-0.00158017290396,3.94675903436 -0.30000000000000016,0.0272600383624,17.0559298327,0.0286506533365,2.80203717842,0.0511392440585,10.6263294019,-0.00167701078006,3.94675903436 -0.30500000000000016,0.0334048754438,17.0559298327,0.026549321246,2.80203717842,0.0316914741449,10.6263294019,-0.00181443793749,3.94675903436 -0.31000000000000016,0.0409491507304,17.0559298327,0.0251625927794,2.80203717842,0.0217606110383,10.6263294019,-0.00200757071178,3.94675903436 -0.31500000000000017,0.0506987399776,17.0559298327,0.0243090037022,2.80203717842,0.0160644342904,10.6263294019,-0.0022815310887,3.94675903436 -0.3200000000000002,0.0639049918989,17.0559298327,0.0238888181343,2.80203717842,0.0125604451552,10.6263294019,-0.00268092991158,3.94675903436 -0.3250000000000002,0.0827222651006,17.0559298327,0.0238525614576,2.80203717842,0.0103452193036,10.6263294019,-0.00329276522819,3.94675903436 -0.3300000000000002,0.111217443509,17.0559298327,0.0241868439622,2.80203717842,0.0090194313897,10.6263294019,-0.00431169634744,3.94675903436 -0.3350000000000002,0.157951357965,17.0559298327,0.0249096883531,2.80203717842,0.00853773267382,10.6263294019,-0.00627995344153,3.94675903436 -0.3400000000000002,0.243821515825,17.0559298327,0.0260728598896,2.80203717842,0.00967126758226,10.6263294019,-0.0114854974896,3.94675903436 -0.3450000000000002,0.432623370926,17.0559298327,0.0277718222232,2.80203717842,0.0285605934433,10.6263294019,-0.059909034898,3.94675903436 -0.3500000000000002,1.01217938142,17.0559298327,0.0301673558062,2.80203717842,0.0044207317791,10.6263294019,0.0196764669438,3.94675903436 -0.3550000000000002,5.35107276081,17.0559298327,0.0335292350289,2.80203717842,0.000542683623389,10.6263294019,0.00872235955827,3.94675903436 -0.3600000000000002,26.5029092581,17.0559298327,0.0383278895683,2.80203717842,4.58421200142e-05,10.6263294019,0.00574069816566,3.94675903436 -0.3650000000000002,1.06714375597,17.0559298327,0.0454447649229,2.80203717842,0.000276764471002,10.6263294019,0.00436502065231,3.94675903436 -0.3700000000000002,0.194506526601,17.0559298327,0.0567256927075,2.80203717842,0.000574211076725,10.6263294019,0.00358206498815,3.94675903436 -0.3750000000000002,0.0254547730141,17.0559298327,0.076768170879,2.80203717842,0.000791036912911,10.6263294019,0.00308263480337,3.94675903436 -0.3800000000000002,0.165618826081,17.0559298327,0.121042578893,2.80203717842,0.000903906892494,10.6263294019,0.00274064040645,3.94675903436 -0.38500000000000023,0.487709481509,17.0559298327,0.294288341458,2.80203717842,0.00084907668413,10.6263294019,0.00249509373355,3.94675903436 -0.39000000000000024,1.12196199264,17.0559298327,-0.66528169721,2.80203717842,0.000221034645325,10.6263294019,0.00231295829839,3.94675903436 -0.39500000000000024,0.252628102145,17.0559298327,-0.156643811924,2.80203717842,0.00130640837399,10.6263294019,0.00217484705076,3.94675903436 -0.40000000000000024,0.133578368846,17.0559298327,-0.0893616762474,2.80203717842,0.00234046719873,10.6263294019,0.00206870052358,3.94675903436 -0.40500000000000025,0.0854337532619,17.0559298327,-0.0629971127082,2.80203717842,0.00360895144704,10.6263294019,0.0019866944264,3.94675903436 -0.41000000000000025,0.0591443091825,17.0559298327,-0.0490442421112,2.80203717842,0.00526974216938,10.6263294019,0.00192360550985,3.94675903436 -0.41500000000000026,0.0423629480901,17.0559298327,-0.0404861292337,2.80203717842,0.00752448453848,10.6263294019,0.00187589502334,3.94675903436 -0.42000000000000026,0.0304148034619,17.0559298327,-0.0347579590522,2.80203717842,0.0106834641405,10.6263294019,0.00184117128988,3.94675903436 -0.42500000000000027,0.0209983700673,17.0559298327,-0.0307004950546,2.80203717842,0.0152607917455,10.6263294019,0.0018178656399,3.94675903436 -0.43000000000000027,0.0124410821025,17.0559298327,-0.0277141606588,2.80203717842,0.0221631385471,10.6263294019,0.00180503625423,3.94675903436 -0.4350000000000003,0.00454472183506,17.0559298327,-0.0254585416436,2.80203717842,0.0331081849945,10.6263294019,0.00180225461043,3.94675903436 -0.4400000000000003,0.0113462342608,17.0559298327,-0.0237268822941,2.80203717842,0.0516606353503,10.6263294019,0.00180955095554,3.94675903436 -0.4450000000000003,0.0138298611298,17.0559298327,-0.0223872489175,2.80203717842,0.0861888254948,10.6263294019,0.00182740841981,3.94675903436 -0.4500000000000003,0.0147636569806,17.0559298327,-0.0213524585446,2.80203717842,0.160170496467,10.6263294019,0.00185680510665,3.94675903436 -0.4550000000000003,0.0145048375723,17.0559298327,-0.0205636652308,2.80203717842,0.361214248897,10.6263294019,0.00189931302641,3.94675903436 -0.4600000000000003,0.0127605113913,17.0559298327,-0.0199809546106,2.80203717842,1.25893602832,10.6263294019,0.00195727528241,3.94675903436 -0.4650000000000003,0.00781052890179,17.0559298327,-0.019577787124,2.80203717842,33.79425033,10.6263294019,0.00203410321329,3.94675903436 -0.4700000000000003,0.0110367254087,17.0559298327,-0.0193377012923,2.80203717842,3.97807560743,10.6263294019,0.0021347723539,3.94675903436 -0.4750000000000003,0.0207997247792,17.0559298327,-0.019252453686,2.80203717842,0.775432666046,10.6263294019,0.00226667000184,3.94675903436 -0.4800000000000003,0.0308859094082,17.0559298327,-0.0193211792233,2.80203717842,0.331561439953,10.6263294019,0.00244110546413,3.94675903436 -0.4850000000000003,0.0428180997344,17.0559298327,-0.0195504022636,2.80203717842,0.187403608889,10.6263294019,0.00267616096866,3.94675903436 -0.4900000000000003,0.0497971047289,17.0559298327,-0.0199549168002,2.80203717842,0.107517874098,10.6263294019,0.00300249621271,3.94675903436 -0.49500000000000033,0.0493790276505,17.0559298327,-0.0204597771465,2.80203717842,0.0736976764024,10.6263294019,0.00323485187901,3.94675903436 From 76c17df3e43b75b511a00608af735c49c2c870e8 Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 15:46:22 -0700 Subject: [PATCH 68/77] Delete pp2_print_5.csv Deleting to test civet errors --- .../Validation/gold/DSS/pp2_print_5.csv | 101 ------------------ 1 file changed, 101 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_5.csv diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_5.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_5.csv deleted file mode 100644 index 1ab40ef3a2..0000000000 --- a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_5.csv +++ /dev/null @@ -1,101 +0,0 @@ -pivot_parameter,dss_x2_x1,total_distance_x2_x1,process_time_x2_x1,standard_deviation_x2_x1,dss_y2_y1,total_distance_y2_y1,process_time_y2_y1,standard_deviation_y2_y1 -0.0,0.0596713136288,8.24785892678,0.00298335892525,1.48821899309,0.000757996482247,88.6649849004,-0.00406841717664,10.0143918804 -0.005,0.0403887199817,8.24785892678,0.00171671719339,1.48821899309,0.00107493516114,88.6649849004,-0.00488602335465,10.0143918804 -0.01,0.021457268462,8.24785892678,0.000975379420475,1.48821899309,0.00141215541624,88.6649849004,-0.00564642650618,10.0143918804 -0.015,0.0127563458085,8.24785892678,0.000727419522316,1.48821899309,0.00147908293,88.6649849004,-0.00629338354185,10.0143918804 -0.02,0.00872814053437,8.24785892678,0.000609364278666,1.48821899309,0.00123396522493,88.6649849004,-0.00683550516393,10.0143918804 -0.025,0.00650963278358,8.24785892678,0.000544211823823,1.48821899309,0.000589067651169,88.6649849004,-0.00729193620353,10.0143918804 -0.030000000000000002,0.00513558205016,8.24785892678,0.000505691997334,1.48821899309,0.00194710576048,88.6649849004,-0.00768719897151,10.0143918804 -0.035,0.00420352750503,8.24785892678,0.000482460496942,1.48821899309,0.00304922240933,88.6649849004,-0.00804796258607,10.0143918804 -0.04,0.00351884235798,8.24785892678,0.000468904545084,1.48821899309,0.00419803017967,88.6649849004,-0.00840196492834,10.0143918804 -0.045,0.00297504601393,8.24785892678,0.000462034673272,1.48821899309,0.00548201849669,88.6649849004,-0.00877888136346,10.0143918804 -0.049999999999999996,0.00250571822,8.24785892678,0.000460238192027,1.48821899309,0.0069924432328,88.6649849004,-0.00921311644611,10.0143918804 -0.05499999999999999,0.00206093021495,8.24785892678,0.00046272484273,1.48821899309,0.00886316536524,88.6649849004,-0.00974918165639,10.0143918804 -0.05999999999999999,0.00158871198812,8.24785892678,0.000469274912157,1.48821899309,0.0113187216975,88.6649849004,-0.0104518013672,10.0143918804 -0.06499999999999999,0.000988371849631,8.24785892678,0.000480146618648,1.48821899309,0.0147741561945,88.6649849004,-0.0114264825561,10.0143918804 -0.06999999999999999,0.000676215099715,8.24785892678,0.00049609536498,1.48821899309,0.020084690738,88.6649849004,-0.0128667572569,10.0143918804 -0.075,0.00133455218979,8.24785892678,0.000518510317718,1.48821899309,0.0292866271455,88.6649849004,-0.0151814075195,10.0143918804 -0.08,0.00171016539995,8.24785892678,0.000549728584591,1.48821899309,0.0483906245799,88.6649849004,-0.0194249514852,10.0143918804 -0.085,0.00192742797663,8.24785892678,0.000593689238732,1.48821899309,0.103111832075,88.6649849004,-0.0294376198302,10.0143918804 -0.09000000000000001,0.00195402838494,8.24785892678,0.000657345156865,1.48821899309,0.471703756869,88.6649849004,-0.0791623868258,10.0143918804 -0.09500000000000001,0.00162516047845,8.24785892678,0.000754018281161,1.48821899309,1.43000657874,88.6649849004,0.0744809851547,10.0143918804 -0.10000000000000002,0.000923616725523,8.24785892678,0.00091266775343,1.48821899309,0.571870902273,88.6649849004,0.0220317175692,10.0143918804 -0.10500000000000002,0.00292931472298,8.24785892678,0.00121018808551,1.48821899309,0.0288985355573,88.6649849004,0.0117726263778,10.0143918804 -0.11000000000000003,0.00501373470027,8.24785892678,0.00194053930215,1.48821899309,0.014109616023,88.6649849004,0.00742208599557,10.0143918804 -0.11500000000000003,0.00935304905678,8.24785892678,0.00622084422909,1.48821899309,0.0072327244666,88.6649849004,0.00501421121827,10.0143918804 -0.12000000000000004,0.00557777361093,8.24785892678,-0.00419647674731,1.48821899309,0.00402850056889,88.6649849004,0.0034655397324,10.0143918804 -0.12500000000000003,0.00979531259825,8.24785892678,-0.00146689800694,1.48821899309,0.00232548826702,88.6649849004,0.00235124503231,10.0143918804 -0.13000000000000003,0.0133606850495,8.24785892678,-0.000855532526256,1.48821899309,0.00127999798831,88.6649849004,0.00146085878973,10.0143918804 -0.13500000000000004,0.0174879599859,8.24785892678,-0.000588332333143,1.48821899309,0.000528773650119,88.6649849004,0.000664996972855,10.0143918804 -0.14000000000000004,0.0226368480777,8.24785892678,-0.000439190074375,1.48821899309,0.000100807061824,88.6649849004,-0.000138609996942,10.0143918804 -0.14500000000000005,0.0294566671809,8.24785892678,-0.000343740532731,1.48821899309,0.000698434803965,88.6649849004,-0.00105702932118,10.0143918804 -0.15000000000000005,0.0392098652043,8.24785892678,-0.00027648285387,1.48821899309,0.00131574760004,88.6649849004,-0.00223431321915,10.0143918804 -0.15500000000000005,0.0547844237937,8.24785892678,-0.000225122804365,1.48821899309,0.00198529921049,88.6649849004,-0.00390419938065,10.0143918804 -0.16000000000000006,0.0842651389076,8.24785892678,-0.000182853018662,1.48821899309,0.00272108972718,88.6649849004,-0.00650638427369,10.0143918804 -0.16500000000000006,0.159580340992,8.24785892678,-0.000145469148075,1.48821899309,0.00347548611167,88.6649849004,-0.0110061048826,10.0143918804 -0.17000000000000007,0.557091294957,8.24785892678,-0.000110121372337,1.48821899309,0.00381481852366,88.6649849004,-0.0200364751739,10.0143918804 -0.17500000000000007,12.1384242322,8.24785892678,-7.47089794775e-05,1.48821899309,0.00515095255422,88.6649849004,-0.0442706127039,10.0143918804 -0.18000000000000008,0.0941520654996,8.24785892678,-3.75546659388e-05,1.48821899309,0.0515638711526,88.6649849004,-0.233327481272,10.0143918804 -0.18500000000000008,0.0018466895338,8.24785892678,2.79275341826e-06,1.48821899309,0.0333257910685,88.6649849004,0.126394256539,10.0143918804 -0.19000000000000009,0.0133909013309,8.24785892678,4.76982268389e-05,1.48821899309,0.0172005373907,88.6649849004,0.0625477836308,10.0143918804 -0.1950000000000001,0.0143676846347,8.24785892678,9.85617929314e-05,1.48821899309,0.0121238960739,88.6649849004,0.0468546843259,10.0143918804 -0.2000000000000001,0.0132454111181,8.24785892678,0.000156948474826,1.48821899309,0.00827846218308,88.6649849004,0.0400419738136,10.0143918804 -0.2050000000000001,0.0117267281422,8.24785892678,0.0002247530508,1.48821899309,0.00133580976173,88.6649849004,0.0362515822189,10.0143918804 -0.2100000000000001,0.0102332976647,8.24785892678,0.000304434305905,1.48821899309,0.00826207087629,88.6649849004,0.0337155746563,10.0143918804 -0.2150000000000001,0.00886570331014,8.24785892678,0.00039937447819,1.48821899309,0.0121255466836,88.6649849004,0.0317290507048,10.0143918804 -0.2200000000000001,0.00763179050478,8.24785892678,0.000514465319497,1.48821899309,0.0153977370759,88.6649849004,0.0299841819658,10.0143918804 -0.22500000000000012,0.00651080937819,8.24785892678,0.000657122258536,1.48821899309,0.0184644969169,88.6649849004,0.0283560491967,10.0143918804 -0.23000000000000012,0.00547180244936,8.24785892678,0.000839160330791,1.48821899309,0.0215190905751,88.6649849004,0.0268104540029,10.0143918804 -0.23500000000000013,0.00447528974898,8.24785892678,0.0010805523007,1.48821899309,0.0247442361023,88.6649849004,0.0253553383884,10.0143918804 -0.24000000000000013,0.00346065703489,8.24785892678,0.00141775096251,1.48821899309,0.0283731794415,88.6649849004,0.0240136424542,10.0143918804 -0.24500000000000013,0.00228209057012,8.24785892678,0.00192473674602,1.48821899309,0.0327444444255,88.6649849004,0.0228093281116,10.0143918804 -0.2500000000000001,0.000963759113803,8.24785892678,0.00277733359964,1.48821899309,0.0383976269936,88.6649849004,0.0217617348428,10.0143918804 -0.2550000000000001,0.00279843287944,8.24785892678,0.00451877901988,1.48821899309,0.0462869018341,88.6649849004,0.020884730362,10.0143918804 -0.2600000000000001,0.00488298519198,8.24785892678,0.0100623683817,1.48821899309,0.0583319673375,88.6649849004,0.0201882044552,10.0143918804 -0.2650000000000001,0.0297041651768,8.24785892678,-0.11859949553,1.48821899309,0.0791368497688,88.6649849004,0.0196804580253,10.0143918804 -0.27000000000000013,6.8287722189e-05,8.24785892678,-0.00961118985076,1.48821899309,0.123256380142,88.6649849004,0.019370816832,10.0143918804 -0.27500000000000013,0.0009351269037,8.24785892678,-0.00529731502892,1.48821899309,0.271026421874,88.6649849004,0.0192723176787,10.0143918804 -0.28000000000000014,0.00064468430119,8.24785892678,-0.00379500073563,1.48821899309,10.9596495355,88.6649849004,0.0194046465312,10.0143918804 -0.28500000000000014,0.00149933499259,8.24785892678,-0.00304127280144,1.48821899309,0.139037315517,88.6649849004,0.019797766401,10.0143918804 -0.29000000000000015,0.00279923531861,8.24785892678,-0.00259708281353,1.48821899309,0.0964728011067,88.6649849004,0.0204969877759,10.0143918804 -0.29500000000000015,0.00421500842565,8.24785892678,-0.00231253010197,1.48821899309,0.0718072142544,88.6649849004,0.021570783776,10.0143918804 -0.30000000000000016,0.00588709888809,8.24785892678,-0.00212285238844,1.48821899309,0.0585401547807,88.6649849004,0.0231237670441,10.0143918804 -0.30500000000000016,0.00796095808816,8.24785892678,-0.00199589698276,1.48821899309,0.0509454886095,88.6649849004,0.0253196873874,10.0143918804 -0.31000000000000016,0.0106456583905,8.24785892678,-0.00191434209572,1.48821899309,0.0466973452571,88.6649849004,0.0284250738279,10.0143918804 -0.31500000000000017,0.014274995554,8.24785892678,-0.00186856406525,1.48821899309,0.0448414265161,88.6649849004,0.0328990905541,10.0143918804 -0.3200000000000002,0.0194208518108,8.24785892678,-0.0018534577933,1.48821899309,0.0451499679176,88.6649849004,0.0395989671083,10.0143918804 -0.3250000000000002,0.0271369486365,8.24785892678,-0.00186696803183,1.48821899309,0.0480780970995,88.6649849004,0.0503216477519,10.0143918804 -0.3300000000000002,0.0395449317938,8.24785892678,-0.00190949210519,1.48821899309,0.0554233382163,88.6649849004,0.0695641047779,10.0143918804 -0.3350000000000002,0.0614484432964,8.24785892678,-0.00198384702554,1.48821899309,0.0738633465716,88.6649849004,0.112619304112,10.0143918804 -0.3400000000000002,0.105693083605,8.24785892678,-0.00209575938315,1.48821899309,0.150828252378,88.6649849004,0.286486021512,10.0143918804 -0.3450000000000002,0.216817117462,8.24785892678,-0.00225505892529,1.48821899309,0.236469353326,88.6649849004,-0.587626440054,10.0143918804 -0.3500000000000002,0.644584303784,8.24785892678,-0.00247809975398,1.48821899309,0.0414285202324,88.6649849004,-0.150910767825,10.0143918804 -0.3550000000000002,7.34492012252,8.24785892678,-0.00279269257058,1.48821899309,0.00951481137276,88.6649849004,-0.089033708049,10.0143918804 -0.3600000000000002,4.34288558843,8.24785892678,-0.00324886058394,1.48821899309,0.0118899997706,88.6649849004,-0.0645816384117,10.0143918804 -0.3650000000000002,0.597040173151,8.24785892678,-0.00394508723374,1.48821899309,0.012976604334,88.6649849004,-0.0516337014989,10.0143918804 -0.3700000000000002,0.236129459868,8.24785892678,-0.00510397224372,1.48821899309,0.0121979687809,88.6649849004,-0.0437121248552,10.0143918804 -0.3750000000000002,0.134268453419,8.24785892678,-0.00735494869215,1.48821899309,0.010775383829,88.6649849004,-0.0384315095947,10.0143918804 -0.3800000000000002,0.0999823476125,8.24785892678,-0.0134387140869,1.48821899309,0.00885858383799,88.6649849004,-0.0347086528934,10.0143918804 -0.38500000000000023,0.200080093136,8.24785892678,-0.0828345467557,1.48821899309,0.00609499699586,88.6649849004,-0.0319814634776,10.0143918804 -0.39000000000000024,0.00332456893692,8.24785892678,0.0198831111441,1.48821899309,0.00299919074849,88.6649849004,-0.0299300713768,10.0143918804 -0.39500000000000024,0.0139173823182,8.24785892678,0.00893055145572,1.48821899309,0.00789639452663,88.6649849004,-0.0283599192504,10.0143918804 -0.40000000000000024,0.0133567482408,8.24785892678,0.00580314890957,1.48821899309,0.0112482581254,88.6649849004,-0.027146786368,10.0143918804 -0.40500000000000025,0.011518636728,8.24785892678,0.00433379576915,1.48821899309,0.0143798669505,88.6649849004,-0.0262086004685,10.0143918804 -0.41000000000000025,0.00962369943993,8.24785892678,0.00348756344363,1.48821899309,0.0176380464408,88.6649849004,-0.0254899867306,10.0143918804 -0.41500000000000026,0.00786381952111,8.24785892678,0.00294256478533,1.48821899309,0.0212625406972,88.6649849004,-0.024953353551,10.0143918804 -0.42000000000000026,0.00621460160306,8.24785892678,0.00256618619707,1.48821899309,0.0255097148848,88.6649849004,-0.0245735597875,10.0143918804 -0.42500000000000027,0.00457043669825,8.24785892678,0.00229387323068,1.48821899309,0.0307250939343,88.6649849004,-0.0243346685743,10.0143918804 -0.43000000000000027,0.00266017914029,8.24785892678,0.00209050295774,1.48821899309,0.0374407956532,88.6649849004,-0.0242280003004,10.0143918804 -0.4350000000000003,0.00195939305634,8.24785892678,0.00193539386917,1.48821899309,0.0465622681817,88.6649849004,-0.024251065837,10.0143918804 -0.4400000000000003,0.0035237192344,8.24785892678,0.00181564315485,1.48821899309,0.0597938849395,88.6649849004,-0.0244071712941,10.0143918804 -0.4450000000000003,0.00433452513221,8.24785892678,0.00172285541782,1.48821899309,0.0807750410009,88.6649849004,-0.024705624287,10.0143918804 -0.4500000000000003,0.00475641828387,8.24785892678,0.00165141071447,1.48821899309,0.118816511016,88.6649849004,-0.0251625879,10.0143918804 -0.4550000000000003,0.00479440772918,8.24785892678,0.00159749364007,1.48821899309,0.205973204895,88.6649849004,-0.0258027601299,10.0143918804 -0.4600000000000003,0.00424613982034,8.24785892678,0.00155852659959,1.48821899309,0.547182482662,88.6649849004,-0.0266622490973,10.0143918804 -0.4650000000000003,0.00210285895465,8.24785892678,0.00153283231927,1.48821899309,99.5260284787,88.6649849004,-0.0277933452369,10.0143918804 -0.4700000000000003,0.00486975364646,8.24785892678,0.00151943582873,1.48821899309,0.0138994713427,88.6649849004,-0.0292725194292,10.0143918804 -0.4750000000000003,0.00876296610878,8.24785892678,0.00151795932369,1.48821899309,0.0904834186149,88.6649849004,-0.031214259646,10.0143918804 -0.4800000000000003,0.0131742533757,8.24785892678,0.00152858754083,1.48821899309,0.0864760848037,88.6649849004,-0.0337961836701,10.0143918804 -0.4850000000000003,0.0186745982665,8.24785892678,0.00155209733618,1.48821899309,0.0793497963282,88.6649849004,-0.0373076250711,10.0143918804 -0.4900000000000003,0.0222788015269,8.24785892678,0.00158995920005,1.48821899309,0.0661588985765,88.6649849004,-0.042251805549,10.0143918804 -0.49500000000000033,0.0223598156224,8.24785892678,0.00163377442119,1.48821899309,0.0536071163974,88.6649849004,-0.0457815800695,10.0143918804 From 56482a2fc59f70b2ea5325cf0fcf83048132a0aa Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 15:46:30 -0700 Subject: [PATCH 69/77] Delete pp2_print_4.csv Deleting to test civet errors --- .../Validation/gold/DSS/pp2_print_4.csv | 101 ------------------ 1 file changed, 101 deletions(-) delete mode 100644 tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_4.csv diff --git a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_4.csv b/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_4.csv deleted file mode 100644 index c2fa7e0d15..0000000000 --- a/tests/framework/PostProcessors/Validation/gold/DSS/pp2_print_4.csv +++ /dev/null @@ -1,101 +0,0 @@ -pivot_parameter,dss_x2_x1,total_distance_x2_x1,process_time_x2_x1,standard_deviation_x2_x1,dss_y2_y1,total_distance_y2_y1,process_time_y2_y1,standard_deviation_y2_y1 -0.0,0.0429210774314,42.5042920116,-2.58763599149e-07,3.98721450795,0.000120323536489,66.759187629,-0.000796863362781,4.48705711319 -0.005,0.0226746864051,42.5042920116,-1.88277487412e-07,3.98721450795,0.000171892942393,66.759187629,-0.000929513052436,4.48705711319 -0.01,0.00948034831461,42.5042920116,-1.26220962855e-07,3.98721450795,0.000229894838287,66.759187629,-0.00104518996265,4.48705711319 -0.015,0.00504745948265,42.5042920116,-1.00227636928e-07,3.98721450795,0.000248962142634,66.759187629,-0.00114111342525,4.48705711319 -0.02,0.00324592787473,42.5042920116,-8.65928444463e-08,3.98721450795,0.000227867826804,66.759187629,-0.00121943520563,4.48705711319 -0.025,0.00232993477961,42.5042920116,-7.86214709853e-08,3.98721450795,0.00013402192684,66.759187629,-0.00128346585793,4.48705711319 -0.030000000000000002,0.00179391456704,42.5042920116,-7.36945495633e-08,3.98721450795,0.000206415110238,66.759187629,-0.00133694718389,4.48705711319 -0.035,0.00144667287407,42.5042920116,-7.05830847373e-08,3.98721450795,0.000362071372763,66.759187629,-0.00138362347067,4.48705711319 -0.04,0.00120207269493,42.5042920116,-6.86420609604e-08,3.98721450795,0.000497803270943,66.759187629,-0.00142708439538,4.48705711319 -0.045,0.0010157437165,42.5042920116,-6.75098847705e-08,3.98721450795,0.000625984327108,66.759187629,-0.00147081240357,4.48705711319 -0.049999999999999996,0.00086177528289,42.5042920116,-6.697888141e-08,3.98721450795,0.000748350300887,66.759187629,-0.00151838382794,4.48705711319 -0.05499999999999999,0.000722507845852,42.5042920116,-6.69338177234e-08,3.98721450795,0.000862542715507,66.759187629,-0.00157381653281,4.48705711319 -0.05999999999999999,0.000582561073969,42.5042920116,-6.73212386682e-08,3.98721450795,0.000961349666028,66.759187629,-0.00164212091784,4.48705711319 -0.06499999999999999,0.0004211342774,42.5042920116,-6.81347083464e-08,3.98721450795,0.00102838300159,66.759187629,-0.00173021828307,4.48705711319 -0.06999999999999999,0.000162786739969,42.5042920116,-6.94098178089e-08,3.98721450795,0.00102677084006,66.759187629,-0.00184861620323,4.48705711319 -0.075,0.00034106477075,42.5042920116,-7.12269812792e-08,3.98721450795,0.000868030128589,66.759187629,-0.0020147990761,4.48705711319 -0.08,0.0004972559862,42.5042920116,-7.37228333179e-08,3.98721450795,0.00031283261033,66.759187629,-0.00226095887481,4.48705711319 -0.085,0.000593755539392,42.5042920116,-7.71142257423e-08,3.98721450795,0.00142469563485,66.759187629,-0.00265450907693,4.48705711319 -0.09000000000000001,0.000634568800506,42.5042920116,-8.17444706042e-08,3.98721450795,0.00794338166618,66.759187629,-0.00336571625527,4.48705711319 -0.09500000000000001,0.000585074665124,42.5042920116,-8.81740968284e-08,3.98721450795,0.052586474673,66.759187629,-0.00498758515964,4.48705711319 -0.10000000000000002,0.000270781852557,42.5042920116,-9.73708918137e-08,3.98721450795,38.7746264822,66.759187629,-0.0120120481056,4.48705711319 -0.10500000000000002,0.000757029486118,42.5042920116,-1.11149996745e-07,3.98721450795,0.0561008491517,66.759187629,0.016906922426,4.48705711319 -0.11000000000000003,0.00137201077802,42.5042920116,-1.33351571451e-07,3.98721450795,0.00907661822362,66.759187629,0.00429969732494,4.48705711319 -0.11500000000000003,0.00208175711366,42.5042920116,-1.73752370979e-07,3.98721450795,0.0058558890574,66.759187629,0.00224619323667,4.48705711319 -0.12000000000000004,0.00295502637821,42.5042920116,-2.6678180566e-07,3.98721450795,0.00356580543577,66.759187629,0.00140964362005,4.48705711319 -0.12500000000000003,0.00405555745997,42.5042920116,-6.8208376736e-07,3.98721450795,0.00218549740419,66.759187629,0.000955906724491,4.48705711319 -0.13000000000000003,0.00546829882086,42.5042920116,9.11716916966e-07,3.98721450795,0.00131181090369,66.759187629,0.000668584961619,4.48705711319 -0.13500000000000004,0.00731272280983,42.5042920116,2.53882503244e-07,3.98721450795,0.000741205705695,66.759187629,0.000465353123277,4.48705711319 -0.14000000000000004,0.00979233197895,42.5042920116,1.41770170644e-07,3.98721450795,0.000370423952588,66.759187629,0.000306624514363,4.48705711319 -0.14500000000000005,0.0132679696351,42.5042920116,9.58209299766e-08,3.98721450795,0.000141684029447,66.759187629,0.000169123601339,4.48705711319 -0.15000000000000005,0.0184599442821,42.5042920116,7.09598310371e-08,3.98721450795,1.8189824464e-05,66.759187629,3.57011774437e-05,4.48705711319 -0.15500000000000005,0.027006076227,42.5042920116,5.53787665993e-08,3.98721450795,2.69263886216e-05,66.759187629,-0.000110071393958,4.48705711319 -0.16000000000000006,0.043396473075,42.5042920116,4.46007295061e-08,3.98721450795,1.5928461347e-05,66.759187629,-0.000288492400047,4.48705711319 -0.16500000000000006,0.0843617976709,42.5042920116,3.65315142319e-08,3.98721450795,2.94908601559e-05,66.759187629,-0.000530187585482,4.48705711319 -0.17000000000000007,0.267437191886,42.5042920116,3.00400154852e-08,3.98721450795,7.85844859953e-05,66.759187629,-0.000888878364737,4.48705711319 -0.17500000000000007,39.5995642727,42.5042920116,2.44435800989e-08,3.98721450795,6.27524842825e-05,66.759187629,-0.00147282126673,4.48705711319 -0.18000000000000008,0.23283495524,42.5042920116,1.92899105945e-08,3.98721450795,0.000393031455422,66.759187629,-0.00254096674367,4.48705711319 -0.18500000000000008,0.0377029647036,42.5042920116,1.42532665899e-08,3.98721450795,0.00108059648222,66.759187629,-0.00490601136197,4.48705711319 -0.19000000000000009,0.00971931953573,42.5042920116,9.07998394214e-09,3.98721450795,0.00335193053527,66.759187629,-0.0131052537905,4.48705711319 -0.1950000000000001,0.00194402012534,42.5042920116,3.55695341194e-09,3.98721450795,0.0288157080111,66.759187629,0.111119637429,4.48705711319 -0.2000000000000001,0.000789007424842,42.5042920116,-2.50881765595e-09,3.98721450795,0.00340489956191,66.759187629,0.0153398752177,4.48705711319 -0.2050000000000001,0.0018069467301,42.5042920116,-9.30551098934e-09,3.98721450795,0.000886249897845,66.759187629,0.00986487757469,4.48705711319 -0.2100000000000001,0.00213415233223,42.5042920116,-1.70301205364e-08,3.98721450795,0.00197434274466,66.759187629,0.00806219680965,4.48705711319 -0.2150000000000001,0.00215386971424,42.5042920116,-2.59028992996e-08,3.98721450795,0.00290357965995,66.759187629,0.00725423053019,4.48705711319 -0.2200000000000001,0.00202794684625,42.5042920116,-3.6185051716e-08,3.98721450795,0.00375669037958,66.759187629,0.00684304922233,4.48705711319 -0.22500000000000012,0.00182964836656,42.5042920116,-4.82026922119e-08,3.98721450795,0.00466691769981,66.759187629,0.00661376008556,4.48705711319 -0.23000000000000012,0.00159240713508,42.5042920116,-6.23815436944e-08,3.98721450795,0.0056899302253,66.759187629,0.00646782307292,4.48705711319 -0.23500000000000013,0.00132912495027,42.5042920116,-7.92997498631e-08,3.98721450795,0.00687479377827,66.759187629,0.00635446011184,4.48705711319 -0.24000000000000013,0.00103830732174,42.5042920116,-9.97718983184e-08,3.98721450795,0.00829023332622,66.759187629,0.00624755081057,4.48705711319 -0.24500000000000013,0.000695902939527,42.5042920116,-1.24989041547e-07,3.98721450795,0.0100518332475,66.759187629,0.00613577254167,4.48705711319 -0.2500000000000001,0.000101370151465,42.5042920116,-1.56764737434e-07,3.98721450795,0.012369599866,66.759187629,0.00601710796228,4.48705711319 -0.2550000000000001,0.000634366192399,42.5042920116,-1.97995682254e-07,3.98721450795,0.0156538682364,66.759187629,0.00589508561284,4.48705711319 -0.2600000000000001,0.00082781465752,42.5042920116,-2.53594408295e-07,3.98721450795,0.0207982301542,66.759187629,0.00577606148122,4.48705711319 -0.2650000000000001,0.000918695455897,42.5042920116,-3.32577490134e-07,3.98721450795,0.03011459243,66.759187629,0.00566738644425,4.48705711319 -0.27000000000000013,0.000922393059111,42.5042920116,-4.53417758407e-07,3.98721450795,0.0515980644232,66.759187629,0.00557635785787,4.48705711319 -0.27500000000000013,0.000810988865628,42.5042920116,-6.60714425601e-07,3.98721450795,0.135225219331,66.759187629,0.00550979895751,4.48705711319 -0.28000000000000014,0.000429693569777,42.5042920116,-1.09630466535e-06,3.98721450795,6.40304262548,66.759187629,0.00547408567939,4.48705711319 -0.28500000000000014,0.000836941171462,42.5042920116,-2.57998984252e-06,3.98721450795,0.0676096373694,66.759187629,0.00547546782487,4.48705711319 -0.29000000000000015,0.00149558143108,42.5042920116,1.4219102203e-05,3.98721450795,0.00307629826549,66.759187629,0.00552058943328,4.48705711319 -0.29500000000000015,0.0021822027933,42.5042920116,2.13160505556e-06,3.98721450795,0.00891691456767,66.759187629,0.00561718127105,4.48705711319 -0.30000000000000016,0.00299665187208,42.5042920116,1.22797162496e-06,3.98721450795,0.00920720850351,66.759187629,0.00577497045255,4.48705711319 -0.30500000000000016,0.00401320233112,42.5042920116,9.00824709804e-07,3.98721450795,0.00865182782854,66.759187629,0.00600693866764,4.48705711319 -0.31000000000000016,0.00533813206754,42.5042920116,7.35608245292e-07,3.98721450795,0.00802948301508,66.759187629,0.00633119058333,4.48705711319 -0.31500000000000017,0.00713895234598,42.5042920116,6.391190097e-07,3.98721450795,0.0074994321322,66.759187629,0.00677393065121,4.48705711319 -0.3200000000000002,0.00970139430055,42.5042920116,5.78826939322e-07,3.98721450795,0.00708861919897,66.759187629,0.00737453216484,4.48705711319 -0.3250000000000002,0.0135511035394,42.5042920116,5.40573372057e-07,3.98721450795,0.00679369640653,66.759187629,0.00819477189801,4.48705711319 -0.3300000000000002,0.0197463011782,42.5042920116,5.17382815126e-07,3.98721450795,0.00660658399877,66.759187629,0.00933697928399,4.48705711319 -0.3350000000000002,0.0306862090327,42.5042920116,5.05628031261e-07,3.98721450795,0.00652090328567,66.759187629,0.0109831765145,4.48705711319 -0.3400000000000002,0.052812109418,42.5042920116,5.03497651392e-07,3.98721450795,0.00653080602865,66.759187629,0.013490399851,4.48705711319 -0.3450000000000002,0.108669379282,42.5042920116,5.10344625298e-07,3.98721450795,0.0066143683227,66.759187629,0.0176659657383,4.48705711319 -0.3500000000000002,0.327916981531,42.5042920116,5.26445243661e-07,3.98721450795,0.00661349469494,66.759187629,0.0258010135602,4.48705711319 -0.3550000000000002,4.28211784458,42.5042920116,5.53014421849e-07,3.98721450795,0.00428355613997,66.759187629,0.0479679116919,4.48705711319 -0.3600000000000002,1.72737927465,42.5042920116,5.92469615203e-07,3.98721450795,0.0598805140848,66.759187629,0.320488445035,4.48705711319 -0.3650000000000002,0.252385762398,42.5042920116,6.49066803354e-07,3.98721450795,0.0178157238898,66.759187629,-0.0704216940179,4.48705711319 -0.3700000000000002,0.0970498592263,42.5042920116,7.30268777375e-07,3.98721450795,0.00912335434355,66.759187629,-0.0323414408996,4.48705711319 -0.3750000000000002,0.0510997449507,42.5042920116,8.49823350608e-07,3.98721450795,0.00607576940993,66.759187629,-0.0213324395113,4.48705711319 -0.3800000000000002,0.0314679759659,42.5042920116,1.03550939194e-06,3.98721450795,0.00418520580298,66.759187629,-0.0161446716253,4.48705711319 -0.38500000000000023,0.0212652656032,42.5042920116,1.35240949531e-06,3.98721450795,0.00246994248335,66.759187629,-0.0131564505625,4.48705711319 -0.39000000000000024,0.0152626267732,42.5042920116,1.99597568289e-06,3.98721450795,0.00154539191705,66.759187629,-0.0112348313784,4.48705711319 -0.39500000000000024,0.0114072215996,42.5042920116,3.94244581426e-06,3.98721450795,0.00316256442031,66.759187629,-0.00991158466035,4.48705711319 -0.40000000000000024,0.0067360329184,42.5042920116,0.00198158465299,3.98721450795,0.00423571471397,66.759187629,-0.00895835104381,4.48705711319 -0.40500000000000025,0.00684823860276,42.5042920116,-3.91645782784e-06,3.98721450795,0.00521943667849,66.759187629,-0.00825075885281,4.48705711319 -0.41000000000000025,0.00537779227538,42.5042920116,-1.95743492122e-06,3.98721450795,0.00625695264411,66.759187629,-0.00771556614524,4.48705711319 -0.41500000000000026,0.00419484847639,42.5042920116,-1.31016463528e-06,3.98721450795,0.00745057784587,66.759187629,-0.00730712797707,4.48705711319 -0.42000000000000026,0.00318347032955,42.5042920116,-9.90279960958e-07,3.98721450795,0.00891354299678,66.759187629,-0.00699583007917,4.48705711319 -0.42500000000000027,0.00224227447456,42.5042920116,-8.01265222945e-07,3.98721450795,0.0108057641842,66.759187629,-0.00676196303412,4.48705711319 -0.43000000000000027,0.00119556732437,42.5042920116,-6.77696585071e-07,3.98721450795,0.0133872541632,66.759187629,-0.00659229113583,4.48705711319 -0.4350000000000003,0.00106997831016,42.5042920116,-5.91579834478e-07,3.98721450795,0.0171283424976,66.759187629,-0.00647805623747,4.48705711319 -0.4400000000000003,0.00172079794154,42.5042920116,-5.28953461569e-07,3.98721450795,0.0229794936926,66.759187629,-0.00641379963993,4.48705711319 -0.4450000000000003,0.00203410408163,42.5042920116,-4.82094359825e-07,3.98721450795,0.0331536939865,66.759187629,-0.00639668695263,4.48705711319 -0.4500000000000003,0.00216100873046,42.5042920116,-4.46402356048e-07,3.98721450795,0.0539861420004,66.759187629,-0.00642617502383,4.48705711319 -0.4550000000000003,0.00210363027754,42.5042920116,-4.18985889726e-07,3.98721450795,0.111146945632,66.759187629,-0.00650394815919,4.48705711319 -0.4600000000000003,0.00176105807225,42.5042920116,-3.97956738826e-07,3.98721450795,0.429428331653,66.759187629,-0.00663411182462,4.48705711319 -0.4650000000000003,0.000372612174265,42.5042920116,-3.82052477928e-07,3.98721450795,21.6477935554,66.759187629,-0.00682368905246,4.48705711319 -0.4700000000000003,0.00233396934444,42.5042920116,-3.70423512373e-07,3.98721450795,0.167903604109,66.759187629,-0.00708353895997,4.48705711319 -0.4750000000000003,0.00392265940012,42.5042920116,-3.62508888754e-07,3.98721450795,0.029815419391,66.759187629,-0.00742993924142,4.48705711319 -0.4800000000000003,0.00572445365239,42.5042920116,-3.57963463503e-07,3.98721450795,0.00504778962659,66.759187629,-0.00788730678225,4.48705711319 -0.4850000000000003,0.00795415100207,42.5042920116,-3.56617334839e-07,3.98721450795,0.00283666412034,66.759187629,-0.00849301391408,4.48705711319 -0.4900000000000003,0.0093486859661,42.5042920116,-3.58458029622e-07,3.98721450795,0.00547953090847,66.759187629,-0.00930635054146,4.48705711319 -0.49500000000000033,0.0092688521603,42.5042920116,-3.63243997867e-07,3.98721450795,0.0052355779109,66.759187629,-0.00986663997715,4.48705711319 From cbc7fe1798b23e6a589090ac5a4a316320fbc076 Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 15:49:14 -0700 Subject: [PATCH 70/77] Update tests Returning to previous state --- tests/framework/PostProcessors/Validation/tests | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/tests/framework/PostProcessors/Validation/tests b/tests/framework/PostProcessors/Validation/tests index bf4c6e2ee4..0420a95157 100644 --- a/tests/framework/PostProcessors/Validation/tests +++ b/tests/framework/PostProcessors/Validation/tests @@ -16,7 +16,7 @@ [./test_validation_dss] type = 'RavenFramework' input = 'test_validation_dss.xml' - csv = 'DSS/pp2_print_0.csv DSS/pp2_print_1.csv DSS/pp2_print_2.csv DSS/pp2_print_3.csv DSS/pp2_print_4.csv DSS/pp2_print_5.csv DSS/pp2_print_6.csv DSS/pp2_print_7.csv DSS/pp2_print_8.csv DSS/pp2_print_9.csv' + csv = 'DSS/pp2_print_0.csv DSS/pp2_print_1.csv DSS/pp2_print_2.csv DSS/pp2_print_3.csv' rel_err = 0.00001 zero_threshold = 1e-9 [../] From d6b0f3d584ad1c0b999e18c03a0e40616240bcbe Mon Sep 17 00:00:00 2001 From: yoshiurr-INL <78757932+yoshiurr-INL@users.noreply.github.com> Date: Mon, 8 Nov 2021 17:55:38 -0700 Subject: [PATCH 71/77] Update PPDSS.py Edited the "inputI" to"inputIn" --- framework/Models/PostProcessors/Validations/PPDSS.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/framework/Models/PostProcessors/Validations/PPDSS.py b/framework/Models/PostProcessors/Validations/PPDSS.py index 82a4dec24d..fc1c3e6d45 100644 --- a/framework/Models/PostProcessors/Validations/PPDSS.py +++ b/framework/Models/PostProcessors/Validations/PPDSS.py @@ -162,7 +162,7 @@ def run(self, inputIn): """ # assert assert(isinstance(inputIn["Data"], list)) - assert(isinstance(inputIn["Data"][0][-1], xr.Dataset) and isinstance(inputI["Data"][1][-1], xr.Dataset)) + assert(isinstance(inputIn["Data"][0][-1], xr.Dataset) and isinstance(inputIn["Data"][1][-1], xr.Dataset)) # the input can be either be a list of dataobjects or a list of datasets (xarray) #datasets = [inp if isinstance(inp, xr.Dataset) else inp.asDataset() for inp in inputIn] datasets = [data for _, _, data in inputIn['Data']] From f5b7e94bb0d908227ec9d4192e9b3cc6fea58b6b Mon Sep 17 00:00:00 2001 From: yoshiurr-INL Date: Tue, 16 Nov 2021 16:32:03 -0700 Subject: [PATCH 72/77] Modified files according to review comments --- doc/theory_manual/raven_theory_manual.bib | 112 ++++++----- doc/theory_manual/raven_theory_manual.tex | 1 + doc/user_manual/postprocessor.tex | 6 +- doc/user_manual/raven_user_manual.tex | 1 + framework/MetricDistributor.py | 2 - framework/Metrics/metrics/DSS.py | 50 ++--- .../PostProcessors/Validations/PPDSS.py | 178 +++++++----------- .../DSS/lorentzAttractor_timeScale_I.py | 26 ++- .../DSS/lorentzAttractor_timeScale_II.py | 26 ++- .../Validation/test_validation_dss.xml | 2 - 10 files changed, 190 insertions(+), 214 deletions(-) diff --git a/doc/theory_manual/raven_theory_manual.bib b/doc/theory_manual/raven_theory_manual.bib index 0393816471..48bb2f4901 100644 --- a/doc/theory_manual/raven_theory_manual.bib +++ b/doc/theory_manual/raven_theory_manual.bib @@ -2,10 +2,35 @@ %% http://bibdesk.sourceforge.net/ -%% Created for Andrea Alfonsi at 2015-01-21 08:58:35 -0700 +%% Created for Andrea Alfonsi at 2015-01-21 08:58:35 -0700 -%% Saved with string encoding Unicode (UTF-8) +%% Saved with string encoding Unicode (UTF-8) + +@book{Einstein1966, + author = {A. Einstein and L. Infeld}, + title = {{The Evolution of Physics from early concepts to relativity and quanta}}, + year = {1966}, + publisher = {Simon and Schuster Publisher}, + address = {New York, NY}}} + +@article{Reyes2015, + author = {J.N. Reyes and Cesear Frepoli and J.P. Yurko}, + title = {{The Dynamical System Scaling Methodology: Comparing Dimensionless Governing Equations with the H2TS and FSA Methodologies}}, + journal = {The 16th International Topical Meeting on Nuclear Thermal Hydraulics (NURETH-16)}, + year = {2015}} + +@book{Martin2019, + author = {R.P. Martin and C. Frepoli}, + title = {{Design-Basis Accident Analysis Methods for Light-Water Nuclear Power Plants}}, + year = {2019}, + publisher = {World Scientific}} + +@article{DSS2015, + author = {J.N. Reyes}, + title = {{T}he {D}ynamical {S}ystem {S}caling {M}ethodology}, + journal = {The 16th International Topical Meeting on Nuclear Thermal Hydraulics (NURETH-16)}, + year = {2015}} @Book{StochasticMethods, author = {C. Gardiner}, @@ -216,53 +241,53 @@ @article{benchmark year={1968} } -@article{SCLagrange, -auTHor = "Babuska and Nobile and Tempone", -Title = "{A stochastic collocation method for elliptic partial differential equations with random input data}", +@article{SCLagrange, +auTHor = "Babuska and Nobile and Tempone", +Title = "{A stochastic collocation method for elliptic partial differential equations with random input data}", journal = "SIAM Journal on Numerical Analysis", volume = 45, -YEAR = 2007, -} +YEAR = 2007, +} -@article{hdmr, -auTHor = "Li and Rosenthal and Rabitz", -Title = "{High dimensional model representations}", +@article{hdmr, +auTHor = "Li and Rosenthal and Rabitz", +Title = "{High dimensional model representations}", journal = "J. Phys. Chem. A", volume = 105, -YEAR = 2001, -} +YEAR = 2001, +} -@article{hdmr_neutron, -auTHor = "Hu and Smith and Willert and Kelley", -Title = "{High dimensional model representations for the neutron transport equation}", +@article{hdmr_neutron, +auTHor = "Hu and Smith and Willert and Kelley", +Title = "{High dimensional model representations for the neutron transport equation}", journal = "NS\&E", volume = 177, -YEAR = 2014, -} +YEAR = 2014, +} #no TD or HC, just SC -@article{sparseSC, -auTHor = "Nobile and Tempone and Webster", -Title = "{A sparse grid stochastic collocation method for partial differential equations with random input data}", +@article{sparseSC, +auTHor = "Nobile and Tempone and Webster", +Title = "{A sparse grid stochastic collocation method for partial differential equations with random input data}", journal = "SIAM Journal on Numerical Analysis", volume = 46, -YEAR = 2008, -} +YEAR = 2008, +} -@article{sparse1, -auTHor = "Barthelmann and Novak and Ritter", -Title = "{High dimensional polynomial interpolation on sparse grids}", +@article{sparse1, +auTHor = "Barthelmann and Novak and Ritter", +Title = "{High dimensional polynomial interpolation on sparse grids}", journal = "Advances in Computational Mathematics", volume = 12, -YEAR = 2000, -} +YEAR = 2000, +} -@article{sparse2, -auTHor = "Bungartz and Griebel", -Title = "{Sparse grids}", +@article{sparse2, +auTHor = "Bungartz and Griebel", +Title = "{Sparse grids}", journal = "Acta Numerica", volume = 13, -YEAR = 2004, +YEAR = 2004, } @book{textbook, @@ -274,20 +299,20 @@ @book{textbook Title = {Spectral methods for uncertainty quantification with applications to computational fluid dynamics}, Year = {2010}}​ -@article{erin01, -auTHor = "Fichtl and Prinja", -Title = "{The stochastic collocation method for radiation transport in random media}", +@article{erin01, +auTHor = "Fichtl and Prinja", +Title = "{The stochastic collocation method for radiation transport in random media}", journal = "J. Quantitative Spectroscopy \& Radiative Transfer", volume= 12, -YEAR = 2011, +YEAR = 2011, } -@article{mike01, -auTHor = "Rising and Prinja and Talou", -Title = "{Prompt fission neutron spectrum uncertainty propagation using polynomial chaos expansion}", +@article{mike01, +auTHor = "Rising and Prinja and Talou", +Title = "{Prompt fission neutron spectrum uncertainty propagation using polynomial chaos expansion}", journal = "Nucl. Sci. Eng.", volume= 175, -YEAR = 2013, +YEAR = 2013, } @TechReport{RAVENuserManual, @@ -497,11 +522,11 @@ @article{SVM_Burges issn = {1384-5810}, pages = {121--167}, publisher = {Kluwer Academic Publishers}, -} +} @article{MD_spline, title = {Multidimensional Spline Interpolation: Theory and Applications}, - author = {Habermann, Christian and Kindermann, Fabian}, + author = {Habermann, Christian and Kindermann, Fabian}, year = {2007}, journal = {Computational Economics}, volume = {30}, @@ -537,7 +562,7 @@ @inproceedings{Shepard pages = {517--524}, publisher = {ACM}, address = {New York, NY, USA} -} +} @misc{PBS, Date-Added = {2015-01-20 19:25:37 +0000}, @@ -772,7 +797,7 @@ @inproceedings{ANS2014alf Date-Added = {2013-01-29 22:01:50 +0000}, Title = {Performing Probabilist Risk Assessment Through RAVEN}, Year = {2014}} - + @inproceedings{ANS2014alfADET, Author = {A. Alfonsi and C. Rabiti and D. Mandelli and J. Cogliati and B. Kinoshita}, Booktitle = {Proceedings American Nuclear Society 2014 Winter Meeting Nuclear-The Foundation of Clean Energy, Anaheim, CA, (2014)}, @@ -793,4 +818,3 @@ @TechReport{RELAP5userManual OPTnote = {•}, annote = {rev.7} } - \ No newline at end of file diff --git a/doc/theory_manual/raven_theory_manual.tex b/doc/theory_manual/raven_theory_manual.tex index a611e77b96..24ea56fc1a 100644 --- a/doc/theory_manual/raven_theory_manual.tex +++ b/doc/theory_manual/raven_theory_manual.tex @@ -404,6 +404,7 @@ \input{reducedOrderModeling.tex} \input{statisticalAnalysis.tex} \input{dataMining.tex} +\input{dssPostProcessor.tex} \clearpage \begin{appendices} \section{Document Version Information} diff --git a/doc/user_manual/postprocessor.tex b/doc/user_manual/postprocessor.tex index a3479ab68a..669c1ea9c3 100644 --- a/doc/user_manual/postprocessor.tex +++ b/doc/user_manual/postprocessor.tex @@ -1664,7 +1664,7 @@ \subsubsection{Validation} \item \xmlNode{pivotParameterFeature}, \xmlDesc{string, required field}, specifies the pivotParameter for a feature . The feature pivot parameter is the shared index of the output variables in the data object. \item \xmlNode{pivotParameterTarget}, \xmlDesc{string, required field}, specifies the pivotParameter for a target . The target pivot parameter is the shared index of the output variables in the data object. \item \xmlNode{multiOutput}, \xmlDesc{string, required field}, to extract raw values for the HistorySet. The user must use ‘raw values’ for the full set of metrics’ calculations to be dumped. - \item \xmlNode{scale}, \xmlDesc{string, required field}, specifies the type of time scaling. The following are the options for scaling: + \item \xmlNode{scale}, \xmlDesc{string, required field}, specifies the type of time scaling. The following are the options for scaling (specific definitions for each scaling type is provided in \ref{sec:dssdoc}): \begin{itemize} \item \textbf{DataSynthesis}, calculating the distortion for two data sets without applying other scaling ratios. \item \textbf{2\_2\_affine}, calculating the distortion for two data sets with scaling ratios for parameter of interest and agent of changes. @@ -1673,10 +1673,10 @@ \subsubsection{Validation} \item \textbf{omega\_strain}, calculating the distortion for two data sets with scaling ratios for agent of changes. \item \textbf{identity}, calculating the distortion for two data sets with scaling ratios of 1. \end{itemize} - \item \xmlNode{scaleBeta}, \xmlDesc{float, required field}, specifies the parameter of interest scaling ratio between the feature and target. + \item \xmlNode{scaleBeta}, \xmlDesc{float or comma separated list of floats, required field}, specifies the parameter of interest scaling ratio between the feature and target. To provide more than one scaling factor, separate by adding a comma in between each number. Providing more than one scaling factor presumes there are more than one parameter to be post-processed. If so, \xmlNode{Features}, \xmlNode{Targets}, and \xmlNode{scaleOmega} must have the same number scaling factors. - \item \xmlNode{scaleOmega}, \xmlDesc{float, required field}, specifies the agents of change scaling ratio between the feature and target. + \item \xmlNode{scaleOmega}, \xmlDesc{float or comma separated list of floats, required field}, specifies the agents of change scaling ratio between the feature and target. To provide more than one scaling factor, separate by adding a comma in between each number. Providing more than one scaling factor presumes there are more than one parameter to be post-processed. If so, \xmlNode{Features}, \xmlNode{Targets}, and \xmlNode{scaleBeta} must have the same number scaling factors. \end{itemize} diff --git a/doc/user_manual/raven_user_manual.tex b/doc/user_manual/raven_user_manual.tex index 4bf52be6b6..7286ec41d9 100644 --- a/doc/user_manual/raven_user_manual.tex +++ b/doc/user_manual/raven_user_manual.tex @@ -270,6 +270,7 @@ \\Matteo Donorio (new external code interface) \\Fabio Giannetti (new external code interface) \\Jia Zhou (conjugate gradient optimizer) +\\Ramon K. Yoshiura (DSS validation code) } % \\James B. Tompkins} Just people who actually ``developed'' a significant capability in the code should be placed here. Andrea %\author{\textbf{\textit{Main Developers:}} \\Andrea Alfonsi} diff --git a/framework/MetricDistributor.py b/framework/MetricDistributor.py index 5fc43d4220..fff1a3463b 100644 --- a/framework/MetricDistributor.py +++ b/framework/MetricDistributor.py @@ -139,8 +139,6 @@ def evaluate(self,pairedData, weights = None, multiOutput='mean',**kwargs): out = self.estimator.evaluate(featIn, targIn) dynamicOutput.append(out) elif self.estimator.isInstanceString(['DSS']): - out = self.estimator.evaluate(feat, targ) - dynamicOutput.append(out) featVals = np.asarray(feat) targVals = np.asarray(targ) assert(featVals.shape[0] == targVals.shape[0]) diff --git a/framework/Metrics/metrics/DSS.py b/framework/Metrics/metrics/DSS.py index 757bc4b8e7..a7d877a7e4 100644 --- a/framework/Metrics/metrics/DSS.py +++ b/framework/Metrics/metrics/DSS.py @@ -16,14 +16,9 @@ @author: yoshrk """ -#for future compatibility with Python 3-------------------------------------------------------------- -from __future__ import division, print_function, unicode_literals, absolute_import -#End compatibility block for Python 3---------------------------------------------------------------- - #External Modules------------------------------------------------------------------------------------ import numpy as np import copy -#import scipy.spatial.distance as spatialDistance #External Modules End-------------------------------------------------------------------------------- #Internal Modules------------------------------------------------------------------------------------ @@ -42,7 +37,7 @@ class DSS(MetricInterface): used as well. @ For engineering scaling, although the phenomena are equivalent, the reference time and initial/boundary conditions are different. Both sets are tied by process time only. - @ In either case, if the to be compared data sets are are of little relevance, it is most likely DSS will fail to + @ In either case, if the to be compared data sets are of little relevance, it is most likely DSS will fail to measure the metric distance accurately. """ @@ -56,10 +51,6 @@ class cls. specifying input of cls. """ inputSpecification = super().getInputSpecification() - #inputSpecification = super(DSS, cls).getInputSpecification() - actionTypeInput = InputData.parameterInputFactory("actionType", contentType=InputTypes.StringType) - inputSpecification.addSub(actionTypeInput) - return inputSpecification def __init__(self): @@ -69,35 +60,20 @@ def __init__(self): @ Out, None """ super().__init__() - # The type of given analysis - self.actionType = None # True indicates the metric needs to be able to handle dynamic data self._dynamicHandling = True # True indicates the metric needs to be able to handle pairwise data self._pairwiseHandling = False - def _localReadMoreXML(self, paramInput): - """ - Method that reads the portion of the xml input that belongs to this specialized class - and initialize internal parameters - @ In, xmlNode, xml.etree.Element, Xml element node - @ Out, None - """ - for child in paramInput.subparts: - if child.getName() == "actionType": - self.actionType = int(child.value) - #else: - #self.raiseAnError(IOError, "Unknown xml node ", child.getName(), " is provided for metric system") - def run(self, x, y, weights=None, axis=0, **kwargs): """ This method computes DSS distance between two inputs x and y based on given metric - @ In, x, numpy.ndarray, array containing data of x, if 1D array is provided, - the array will be reshaped via x.reshape(-1,1), shape (n_samples, ), if 2D - array is provided, shape (n_samples, n_time_steps) - @ In, y, numpy.ndarray, array containing data of y, if 1D array is provided, - the array will be reshaped via y.reshape(-1,1), shape (n_samples, ), if 2D - array is provided, shape (n_samples, n_time_steps) + @ In, x, numpy.ndarray, array containing data of x, 3D array provided. + Includes [scaled feature omega normalized,scaled normalized feature process time,feature beta] for + all samples and time-steps. + @ In, y, numpy.ndarray, array containing data of y, 3D array provided. + Includes [target omega normalized,target temporal displacement rate,target beta] for + all samples and time-steps. @ In, weights, array_like (numpy.array or list), optional, weights associated with input, shape (n_samples) if axis = 0, otherwise shape (n_time_steps) @ In, axis, integer, optional, axis along which a metric is performed, default is 0, @@ -124,17 +100,13 @@ def run(self, x, y, weights=None, axis=0, **kwargs): distanceSquaredSum = 0 for cnt2 in range(len(pTime[cnt])): if D[cnt][cnt2] == 0 or omegaNormTarget[cnt][cnt2] == 0 or omegaNormScaledFeature[cnt][cnt2] == 0: - distance[cnt][cnt2] = 0 + distance[cnt][cnt2] = 0 else: - distance[cnt][cnt2] = betaTarget[cnt][cnt2]*abs(D[cnt][cnt2])**0.5*(1/omegaNormTarget[cnt][cnt2]-1/omegaNormScaledFeature[cnt][cnt2]) - if np.isnan(distance[cnt][cnt2]) == True: - distance[cnt][cnt2] = 0 + distance[cnt][cnt2] = betaTarget[cnt][cnt2]*abs(D[cnt][cnt2])**0.5*(1/omegaNormTarget[cnt][cnt2]-1/omegaNormScaledFeature[cnt][cnt2]) + if np.isnan(distance[cnt][cnt2]) == True: + distance[cnt][cnt2] = 0 distanceSum[cnt] += abs(distance[cnt][cnt2]) distanceSquaredSum += distance[cnt][cnt2]**2 sigma[cnt] = (1/len(sigma)*distanceSquaredSum)**0.5 - #value = distance - #value = min(distanceSum) - #print("Minimum Metric at Sample",np.argmin(np.asarray(distanceSum))) - #value = [pTime,betaTarget,omegaNormScaledFeature,omegaNormTarget,D,distance,distanceSum,sigma] value = distance return value diff --git a/framework/Models/PostProcessors/Validations/PPDSS.py b/framework/Models/PostProcessors/Validations/PPDSS.py index fc1c3e6d45..7e784c4046 100644 --- a/framework/Models/PostProcessors/Validations/PPDSS.py +++ b/framework/Models/PostProcessors/Validations/PPDSS.py @@ -16,8 +16,6 @@ @author: yoshrk """ -from __future__ import division, print_function , unicode_literals, absolute_import - #External Modules------------------------------------------------------------------------------------ import numpy as np from scipy.interpolate import interp1d @@ -36,10 +34,6 @@ import Files import DataObjects from ..ValidationBase import ValidationBase -#import Distributions -#import MetricDistributor -#from .ValidationBase import ValidationBase -#from Models.PostProcessors import PostProcessor #Internal Modules End-------------------------------------------------------------------------------- class PPDSS(ValidationBase): @@ -56,34 +50,22 @@ class cls. specifying input of cls. """ inputSpecification = super(PPDSS, cls).getInputSpecification() - #featuresInput = InputData.parameterInputFactory("Features", contentType=InputTypes.StringListType) - #featuresInput.addParam("type", InputTypes.StringType) - #inputSpecification.addSub(featuresInput) - #targetsInput = InputData.parameterInputFactory("Targets", contentType=InputTypes.StringListType) - #targetsInput.addParam("type", InputTypes.StringType) - #inputSpecification.addSub(targetsInput) - multiOutputInput = InputData.parameterInputFactory("multiOutput", contentType=InputTypes.StringType) - inputSpecification.addSub(multiOutputInput) - multiOutput = InputTypes.makeEnumType('MultiOutput', 'MultiOutputType', 'raw_values') - multiOutputInput = InputData.parameterInputFactory("multiOutput", contentType=multiOutput) - inputSpecification.addSub(multiOutputInput) - #pivotParameterInput = InputData.parameterInputFactory("pivotParameter", contentType=InputTypes.StringType) - #inputSpecification.addSub(pivotParameterInput) - # # Have added the new pivotParameters for feature and target. The original has been commented out. - pivotParameterFeatureInput = InputData.parameterInputFactory("pivotParameterFeature", contentType=InputTypes.StringType) + pivotParameterFeatureInput = InputData.parameterInputFactory("pivotParameterFeature", contentType=InputTypes.StringType, + descr="""Pivot parameter for feature inputs""") inputSpecification.addSub(pivotParameterFeatureInput) - pivotParameterTargetInput = InputData.parameterInputFactory("pivotParameterTarget", contentType=InputTypes.StringType) + pivotParameterTargetInput = InputData.parameterInputFactory("pivotParameterTarget", contentType=InputTypes.StringType, + descr="""Pivot parameter for target inputs""") inputSpecification.addSub(pivotParameterTargetInput) - #metricInput = InputData.parameterInputFactory("Metric", contentType=InputTypes.StringType) - #metricInput.addParam("class", InputTypes.StringType, True) - #metricInput.addParam("type", InputTypes.StringType, True) - #inputSpecification.addSub(metricInput) - scaleTypeInput = InputData.parameterInputFactory("scale", contentType=InputTypes.StringType) + scaleTypeInput = InputData.parameterInputFactory("scale", contentType=InputTypes.StringType, + descr="""Scaling type for the time transformation. Available types are DataSynthesis, + 2_2_affine, dilation, beta_strain, omega_strain, and identity""") inputSpecification.addSub(scaleTypeInput) - scaleRatioBetaInput = InputData.parameterInputFactory("scaleBeta", contentType=InputTypes.FloatListType) + scaleRatioBetaInput = InputData.parameterInputFactory("scaleBeta", contentType=InputTypes.FloatListType, + descr="""Scaling ratio for the parameter of interest""") inputSpecification.addSub(scaleRatioBetaInput) - scaleRatioOmegaInput = InputData.parameterInputFactory("scaleOmega", contentType=InputTypes.FloatListType) + scaleRatioOmegaInput = InputData.parameterInputFactory("scaleOmega", contentType=InputTypes.FloatListType, + descr="""Scaling ratio for the agents of change""") inputSpecification.addSub(scaleRatioOmegaInput) return inputSpecification @@ -100,22 +82,16 @@ def __init__(self): self.dynamicType = ['dynamic'] self.features = None # list of feature variables self.targets = None # list of target variables - #self.metricsDict = {} # dictionary of metrics that are going to be assembled self.multiOutput = 'raw_values' # defines aggregating of multiple outputs for HistorySet # currently allow raw_values - #self.pivotParameter = None # list of pivot parameters - #self.pivotValues = [] self.pivotParameterFeature = None self.pivotValuesFeature = [] self.pivotParameterTarget = None self.pivotValuesTarget = [] self.scaleType = None - #self.processTimeRecord = [] - #self.scaleType = ['DataSynthesis','2_2_Affine','Dilation','beta_strain','omega_strain','identity'] # assembler objects to be requested self.scaleRatioBeta = [] self.scaleRatioOmega = [] - #self.addAssemblerObject('Metric', InputData.Quantity.one_to_infinity) def _handleInput(self, paramInput): """ @@ -130,10 +106,8 @@ def _handleInput(self, paramInput): self.raiseAnError(IOError, 'Tag Metric must have attributes "class" and "type"') elif child.getName() == 'Features': self.features = child.value - #self.featuresType = child.parameterValues['type'] elif child.getName() == 'Targets': self.targets = child.value - #self.TargetsType = child.parameterValues['type'] elif child.getName() == 'multiOutput': self.multiOutput = child.value elif child.getName() == 'pivotParameterFeature': @@ -148,10 +122,6 @@ def _handleInput(self, paramInput): self.scaleRatioOmega = child.value else: self.raiseAnError(IOError, "Unknown xml node ", child.getName(), " is provided for metric system") - #if not self.features: - # self.raiseAnError(IOError, "XML node 'Features' is required but not provided") - #elif len(self.features) != len(self.targets): - # self.raiseAnError(IOError, 'The number of variables found in XML node "Features" is not equal the number of variables found in XML node "Targets"') def run(self, inputIn): """ @@ -164,23 +134,17 @@ def run(self, inputIn): assert(isinstance(inputIn["Data"], list)) assert(isinstance(inputIn["Data"][0][-1], xr.Dataset) and isinstance(inputIn["Data"][1][-1], xr.Dataset)) # the input can be either be a list of dataobjects or a list of datasets (xarray) - #datasets = [inp if isinstance(inp, xr.Dataset) else inp.asDataset() for inp in inputIn] datasets = [data for _, _, data in inputIn['Data']] - #print("datasets:",datasets) names = [] pivotParameterTarget = self.pivotParameterTarget pivotParameterFeature = self.pivotParameterFeature names = [self.getDataSetName(inp[-1]) for inp in inputIn['Data']] - #print("names:",names) - #print("inputIn:",inputIn) - #print("inputIn['Data'][0][2].indexes:",inputIn['Data'][0][2].indexes) - #print("inputIn['Data'][0][-1].indexes:",inputIn['Data'][0][-1].indexes) if len(inputIn['Data'][0][-1].indexes) and (self.pivotParameterTarget is None or self.pivotParameterFeature is None): if 'dynamic' not in self.dynamicType: #self.model.dataType: self.raiseAnError(IOError, "The validation algorithm '{}' is not a dynamic model but time-dependent data has been inputted in object {}".format(self._type, inputIn['Data'][0][-1].name)) else: - pivotParameterTarget = inputIn['Data'][1][2] - pivotParameterFeature = inputIn['Data'][0][2] + pivotParameterTarget = inputIn['Data'][1][2] + pivotParameterFeature = inputIn['Data'][0][2] # check if pivotParameter evaluation = self._evaluate(datasets) if not isinstance(evaluation, list): @@ -203,9 +167,8 @@ def _evaluate(self, datasets, **kwargs): @ In, kwargs, dict, keyword arguments @ Out, outputDict, dict, dictionary containing the results {"feat"_"target"_"metric_name":value} """ - #print("datasets:",datasets) realizations = [] - realization_array = [] + realizationArray = [] for feat, targ, scaleRatioBeta, scaleRatioOmega in zip(self.features, self.targets, self.scaleRatioBeta, self.scaleRatioOmega): nameFeat = feat.split("|") nameTarg = targ.split("|") @@ -252,19 +215,19 @@ def _evaluate(self, datasets, **kwargs): pivotSize = pivotFeatureSize if pivotFeatureSize == pivotSize: - y_count = featData.shape[0] - z_count = featData.shape[1] + yCount = featData.shape[0] + zCount = featData.shape[1] else: - y_count = targData.shape[0] - z_count = targData.shape[1] - featureD = np.zeros((y_count,z_count)) - featureProcessTimeNorm = np.zeros((y_count,z_count)) - featureOmegaNorm = np.zeros((y_count,z_count)) - featureBeta = np.zeros((y_count,z_count)) - NaN_count = np.zeros((y_count,z_count)) + yCount = targData.shape[0] + zCount = targData.shape[1] + featureD = np.zeros((yCount,zCount)) + featureProcessTimeNorm = np.zeros((yCount,zCount)) + featureOmegaNorm = np.zeros((yCount,zCount)) + featureBeta = np.zeros((yCount,zCount)) + naNCount = np.zeros((yCount,zCount)) # feature = nameFeat[1] - for cnt2 in range(y_count): + for cnt2 in range(yCount): if pivotFeatureSize == pivotSize: featureBeta[cnt2] = featData[cnt2] interpGrid = pivotFeature @@ -273,46 +236,43 @@ def _evaluate(self, datasets, **kwargs): interpGrid = timeScalingRatio*pivotTarget featureBeta[cnt2] = interpFunction(interpGrid) featureOmega = np.gradient(featureBeta[cnt2],interpGrid) - #print("featureOmega:",featureOmega) featureProcessTime = featureBeta[cnt2]/featureOmega featureDiffOmega = np.gradient(featureOmega,interpGrid) featureD[cnt2] = -featureBeta[cnt2]/featureOmega**2*featureDiffOmega - for cnt3 in range(z_count): + for cnt3 in range(zCount): if np.isnan(featureD[cnt2][cnt3]) == True: - NaN_count[cnt2][cnt3] = 1 + naNCount[cnt2][cnt3] = 1 elif np.isinf(featureD[cnt2][cnt3]) == True: - NaN_count[cnt2][cnt3] = 1 + naNCount[cnt2][cnt3] = 1 featureInt = featureD[cnt2]+1 - # Excluding NaN type data and exclude corresponding time in grid ina + # Excluding NaN type data and exclude corresponding time in grid in # preperation for numpy simpson integration count=0 for i in range(len(featureD[cnt2])): if np.isnan(featureD[cnt2][i])==False and np.isinf(featureD[cnt2][i])==False: count += 1 if count > 0: - featureInt_new = np.zeros(count) - interpGrid_new = np.zeros(count) - track_count = 0 + featureIntNew = np.zeros(count) + interpGridNew = np.zeros(count) + trackCount = 0 for i in range(len(featureD[cnt2])): if np.isnan(featureD[cnt2][i])==False and np.isinf(featureD[cnt2][i])==False: - interpGrid_new[track_count] = interpGrid[i] - featureInt_new[track_count] = featureInt[i] - track_count += 1 + interpGridNew[trackCount] = interpGrid[i] + featureIntNew[trackCount] = featureInt[i] + trackCount += 1 else: featureD[cnt2][i] = 0 # - #print("featureInt_new:",featureInt_new) - featureProcessAction = simps(featureInt_new, interpGrid_new) - #print("featureProcessAction:",featureProcessAction) + featureProcessAction = simps(featureIntNew, interpGridNew) featureProcessTimeNorm[cnt2] = featureProcessTime/featureProcessAction featureOmegaNorm[cnt2] = featureProcessAction*featureOmega # - targetD = np.zeros((y_count,z_count)) - targetProcessTimeNorm = np.zeros((y_count,z_count)) - targetOmegaNorm = np.zeros((y_count,z_count)) - targetBeta = np.zeros((y_count,z_count)) + targetD = np.zeros((yCount,zCount)) + targetProcessTimeNorm = np.zeros((yCount,zCount)) + targetOmegaNorm = np.zeros((yCount,zCount)) + targetBeta = np.zeros((yCount,zCount)) target = nameTarg[1] - for cnt2 in range(y_count): + for cnt2 in range(yCount): if pivotTargetSize == pivotSize: targetBeta[cnt2] = targData[cnt2] interpGrid = pivotTarget @@ -325,11 +285,11 @@ def _evaluate(self, datasets, **kwargs): targetProcessTime = targetBeta[cnt2]/targetOmega targetDiffOmega = np.gradient(targetOmega,interpGrid) targetD[cnt2] = -targetBeta[cnt2]/targetOmega**2*targetDiffOmega - for cnt3 in range(z_count): + for cnt3 in range(zCount): if np.isnan(targetD[cnt2][cnt3]) == True: - NaN_count[cnt2][cnt3] = 1 + naNCount[cnt2][cnt3] = 1 elif np.isinf(targetD[cnt2][cnt3]) == True: - NaN_count[cnt2][cnt3] = 1 + naNCount[cnt2][cnt3] = 1 targetInt = targetD[cnt2]+1 # Excluding NaN type data and exclude corresponding time in grid in # preperation for numpy simpson integration @@ -338,26 +298,24 @@ def _evaluate(self, datasets, **kwargs): if np.isnan(targetD[cnt2][i])==False and np.isinf(targetD[cnt2][i])==False: count += 1 if count > 0: - targetInt_new = np.zeros(count) - interpGrid_new = np.zeros(count) - track_count = 0 + targetIntNew = np.zeros(count) + interpGridNew = np.zeros(count) + trackCount = 0 for i in range(len(targetD[cnt2])): if np.isnan(targetD[cnt2][i])==False and np.isinf(targetD[cnt2][i])==False: - interpGrid_new[track_count] = interpGrid[i] - targetInt_new[track_count] = targetInt[i] - track_count += 1 + interpGridNew[trackCount] = interpGrid[i] + targetIntNew[trackCount] = targetInt[i] + trackCount += 1 else: targetD[cnt2][i] = 0 # - #print("targetInt_new:",targetInt_new) - targetProcessAction = simps(targetInt_new, interpGrid_new) - #print("targetProcessAction:",targetProcessAction) + targetProcessAction = simps(targetIntNew, interpGridNew) targetProcessTimeNorm[cnt2] = targetProcessTime/targetProcessAction targetOmegaNorm[cnt2] = targetProcessAction*targetOmega # - featureProcessTimeNormScaled = np.zeros((y_count,z_count)) - featureOmegaNormScaled = np.zeros((y_count,z_count)) - for cnt3 in range(y_count): + featureProcessTimeNormScaled = np.zeros((yCount,zCount)) + featureOmegaNormScaled = np.zeros((yCount,zCount)) + for cnt3 in range(yCount): featureProcessTimeNormScaled[cnt3] = featureProcessTimeNorm[cnt3]/timeScalingRatio featureOmegaNormScaled[cnt3] = featureOmegaNorm[cnt3]/scaleRatioBeta newfeatureData = np.asarray([featureOmegaNormScaled,featureProcessTimeNormScaled,featureBeta]) @@ -368,22 +326,22 @@ def _evaluate(self, datasets, **kwargs): else: timeParameter = pivotFeature outputDict = {} - distanceTotal = np.zeros((y_count,z_count)) - sigma = np.zeros((y_count,z_count)) + distanceTotal = np.zeros((yCount,zCount)) + sigma = np.zeros((yCount,zCount)) for metric in self.metrics: name = "{}_{}_{}".format(metric.estimator.name, targ.split("|")[-1], feat.split("|")[-1]) output = metric.evaluate((newfeatureData,newtargetData), multiOutput='raw_values') #print(output) - for cnt2 in range(y_count): - distanceSum = abs(np.sum(output[cnt2])) - sigmaSum = 0 - for cnt3 in range(z_count): - distanceTotal[cnt2][cnt3] = distanceSum - sigmaSum += output[cnt2][cnt3]**2 - for cnt3 in range(z_count): - sigma[cnt2][cnt3] = (1/(z_count-np.sum(NaN_count[cnt2]))*sigmaSum)**0.5 + for cnt2 in range(yCount): + distanceSum = abs(np.sum(output[cnt2])) + sigmaSum = 0 + for cnt3 in range(zCount): + distanceTotal[cnt2][cnt3] = distanceSum + sigmaSum += output[cnt2][cnt3]**2 + for cnt3 in range(zCount): + sigma[cnt2][cnt3] = (1/(zCount-np.sum(naNCount[cnt2]))*sigmaSum)**0.5 rlz = [] - for cnt in range(y_count): + for cnt in range(yCount): outputDict = {} outputDict[name] = abs(np.atleast_1d(output[cnt])) outputDict['pivot_parameter'] = timeParameter @@ -398,12 +356,12 @@ def _evaluate(self, datasets, **kwargs): outputDict['standard_deviation_'+nameTarg[1]+'_'+nameFeat[1]] = sigma[cnt] #print(newfeatureData[1][cnt]) rlz.append(outputDict) - realization_array.append(rlz) + realizationArray.append(rlz) #--------------- - for cnt in range(len(realization_array[0])): + for cnt in range(len(realizationArray[0])): out = {} - for cnt2 in range(len(realization_array)): - for key, val in realization_array[cnt2][cnt].items(): + for cnt2 in range(len(realizationArray)): + for key, val in realizationArray[cnt2][cnt].items(): out[key] = val realizations.append(out) return realizations diff --git a/tests/framework/PostProcessors/Validation/DSS/lorentzAttractor_timeScale_I.py b/tests/framework/PostProcessors/Validation/DSS/lorentzAttractor_timeScale_I.py index 111e783943..c0ff5d0959 100644 --- a/tests/framework/PostProcessors/Validation/DSS/lorentzAttractor_timeScale_I.py +++ b/tests/framework/PostProcessors/Validation/DSS/lorentzAttractor_timeScale_I.py @@ -17,20 +17,32 @@ import numpy as np def initialize(self,runInfoDict,inputFiles): + """ + Constructor + @ In, runInfoDict, dict, dictionary of input file names, file location, and other parameters + RAVEN run. + @ In, inputFiles, list, data objects required for external model initialization. + @ Out, None + """ self.sigma = 10.0 self.rho = 28.0 self.beta = 8.0/3.0 return def run(self,Input): + """ + Constructor + @ In, Input, dict, dictionary of input values for each feature. + @ Out, None + """ disc = 2.0 - max_time = 0.5 - t_step = 0.005 + maxTime = 0.5 + tStep = 0.005 self.sigma = 10.0 self.rho = 28.0 self.beta = 8.0/3.0 - numberTimeSteps = int(max_time/t_step) + numberTimeSteps = int(maxTime/tStep) self.x1 = np.zeros(numberTimeSteps) self.y1 = np.zeros(numberTimeSteps) @@ -47,7 +59,7 @@ def run(self,Input): self.time1[0]= 0.0 for t in range (numberTimeSteps-1): - self.time1[t+1] = self.time1[t] + t_step - self.x1[t+1] = self.x1[t] + disc*self.sigma*(self.y1[t]-self.x1[t]) * t_step - self.y1[t+1] = self.y1[t] + disc*(self.x1[t]*(self.rho-self.z1[t])-self.y1[t]) * t_step - self.z1[t+1] = self.z1[t] + disc*(self.x1[t]*self.y1[t]-self.beta*self.z1[t]) * t_step + self.time1[t+1] = self.time1[t] + tStep + self.x1[t+1] = self.x1[t] + disc*self.sigma*(self.y1[t]-self.x1[t]) * tStep + self.y1[t+1] = self.y1[t] + disc*(self.x1[t]*(self.rho-self.z1[t])-self.y1[t]) * tStep + self.z1[t+1] = self.z1[t] + disc*(self.x1[t]*self.y1[t]-self.beta*self.z1[t]) * tStep diff --git a/tests/framework/PostProcessors/Validation/DSS/lorentzAttractor_timeScale_II.py b/tests/framework/PostProcessors/Validation/DSS/lorentzAttractor_timeScale_II.py index 6b23461899..592fda8977 100644 --- a/tests/framework/PostProcessors/Validation/DSS/lorentzAttractor_timeScale_II.py +++ b/tests/framework/PostProcessors/Validation/DSS/lorentzAttractor_timeScale_II.py @@ -17,20 +17,32 @@ import numpy as np def initialize(self,runInfoDict,inputFiles): + """ + Constructor + @ In, runInfoDict, dict, dictionary of input file names, file location, and other parameters + RAVEN run. + @ In, inputFiles, list, data objects required for external model initialization. + @ Out, None + """ self.sigma = 10.0 self.rho = 28.0 self.beta = 8.0/3.0 return def run(self,Input): - max_time = 0.7 - t_step = 0.005 + """ + Constructor + @ In, Input, dict, dictionary of input values for each feature. + @ Out, None + """ + maxTime = 0.7 + tStep = 0.005 disc = 1.0 self.sigma = 10.0 self.rho = -28.0 self.beta = 8.0/3.0 - numberTimeSteps = int(max_time/t_step) + numberTimeSteps = int(maxTime/tStep) self.x2 = np.zeros(numberTimeSteps) self.y2 = np.zeros(numberTimeSteps) @@ -47,7 +59,7 @@ def run(self,Input): self.time2[0]= 0.0 for t in range (numberTimeSteps-1): - self.time2[t+1] = self.time2[t] + t_step - self.x2[t+1] = self.x2[t] + disc*self.sigma*(self.y2[t]-self.x2[t]) * t_step - self.y2[t+1] = self.y2[t] + disc*(self.x2[t]*(self.rho-self.z2[t])-self.y2[t]) * t_step - self.z2[t+1] = self.z2[t] + disc*(self.x2[t]*self.y2[t]-self.beta*self.z2[t]) * t_step + self.time2[t+1] = self.time2[t] + tStep + self.x2[t+1] = self.x2[t] + disc*self.sigma*(self.y2[t]-self.x2[t]) * tStep + self.y2[t+1] = self.y2[t] + disc*(self.x2[t]*(self.rho-self.z2[t])-self.y2[t]) * tStep + self.z2[t+1] = self.z2[t] + disc*(self.x2[t]*self.y2[t]-self.beta*self.z2[t]) * tStep diff --git a/tests/framework/PostProcessors/Validation/test_validation_dss.xml b/tests/framework/PostProcessors/Validation/test_validation_dss.xml index 68a3ee3653..10f1440a35 100644 --- a/tests/framework/PostProcessors/Validation/test_validation_dss.xml +++ b/tests/framework/PostProcessors/Validation/test_validation_dss.xml @@ -32,7 +32,6 @@ dss time1 time2 - raw_values DataSynthesis 1,1 1,1 @@ -41,7 +40,6 @@ - DataSynthesis From 4b81abee0b16c18a5bae64d230aca738f65432a4 Mon Sep 17 00:00:00 2001 From: yoshiurr-INL Date: Tue, 30 Nov 2021 16:20:03 -0700 Subject: [PATCH 73/77] Added the final changes from the last review --- doc/user_manual/metrics.tex | 7 ----- .../PostProcessors/Validations/PPDSS.py | 26 +++++++++---------- framework/Models/ROM.py | 2 +- 3 files changed, 13 insertions(+), 22 deletions(-) diff --git a/doc/user_manual/metrics.tex b/doc/user_manual/metrics.tex index e142579fb8..5df36ad6fa 100644 --- a/doc/user_manual/metrics.tex +++ b/doc/user_manual/metrics.tex @@ -607,12 +607,6 @@ \subsection{Dynamical System Scaling} The specifications of a DSS metric is defined within the \xmlNode{Metric} XML block. The XML node \xmlAttr{subType} must be \textbf{PPDSS} (see \ref{subsubsec:Validation}) in the \xmlNode{PostProcessor} for the outputs of the post-processor to be in the right format for DSS metric inputs. -This XML node needs to contain the attributes: - -\begin{itemize} - \item \xmlNode{actionType}, \xmlDesc{string, required field}, the type time scaling selected for post-processor PPDSS (see \ref{subsubsec:Validation}). The options are: `DataSynthesis', `2\_2\_affine', `dilation', `beta\_strain', `omega\_strain', and `identity'. -\end{itemize} - An example of DSS defined in RAVEN is provided below: \begin{lstlisting}[style=XML] @@ -620,7 +614,6 @@ \subsection{Dynamical System Scaling} ... - DataSynthetic ... diff --git a/framework/Models/PostProcessors/Validations/PPDSS.py b/framework/Models/PostProcessors/Validations/PPDSS.py index 7e784c4046..32d93200e5 100644 --- a/framework/Models/PostProcessors/Validations/PPDSS.py +++ b/framework/Models/PostProcessors/Validations/PPDSS.py @@ -57,7 +57,7 @@ class cls. pivotParameterTargetInput = InputData.parameterInputFactory("pivotParameterTarget", contentType=InputTypes.StringType, descr="""Pivot parameter for target inputs""") inputSpecification.addSub(pivotParameterTargetInput) - scaleTypeInput = InputData.parameterInputFactory("scale", contentType=InputTypes.StringType, + scaleTypeInput = InputData.parameterInputFactory("scale", contentType=InputTypes.makeEnumType("scale","scaleType",['DataSynthesis','2_2_affine','dilation','beta_strain','omega_strain','identity']), descr="""Scaling type for the time transformation. Available types are DataSynthesis, 2_2_affine, dilation, beta_strain, omega_strain, and identity""") inputSpecification.addSub(scaleTypeInput) @@ -76,22 +76,22 @@ def __init__(self): @ Out, None """ super().__init__() - self.printTag = 'POSTPROCESSOR DSS Scaling and Metrics' - self.name = 'PPDSS' - self.dynamic = True # is it time-dependent? - self.dynamicType = ['dynamic'] + self.printTag = 'POSTPROCESSOR DSS Scaling and Metrics' # Naming + self.name = 'PPDSS' # Postprocessor name + self.dynamic = True # Must be time-dependent? + self.dynamicType = ['dynamic'] # Specification of dynamic type self.features = None # list of feature variables self.targets = None # list of target variables self.multiOutput = 'raw_values' # defines aggregating of multiple outputs for HistorySet # currently allow raw_values - self.pivotParameterFeature = None - self.pivotValuesFeature = [] - self.pivotParameterTarget = None - self.pivotValuesTarget = [] - self.scaleType = None + self.pivotParameterFeature = None # Feature pivot parameter variable + self.pivotValuesFeature = [] # Feature pivot parameter values + self.pivotParameterTarget = None # Target pivot parameter variable + self.pivotValuesTarget = [] # Target pivot parameter values + self.scaleType = None # Scaling type # assembler objects to be requested - self.scaleRatioBeta = [] - self.scaleRatioOmega = [] + self.scaleRatioBeta = [] # Scaling ratio for the parameter of interest + self.scaleRatioOmega = [] # Scaling ratio for the agents of change def _handleInput(self, paramInput): """ @@ -331,7 +331,6 @@ def _evaluate(self, datasets, **kwargs): for metric in self.metrics: name = "{}_{}_{}".format(metric.estimator.name, targ.split("|")[-1], feat.split("|")[-1]) output = metric.evaluate((newfeatureData,newtargetData), multiOutput='raw_values') - #print(output) for cnt2 in range(yCount): distanceSum = abs(np.sum(output[cnt2])) sigmaSum = 0 @@ -354,7 +353,6 @@ def _evaluate(self, datasets, **kwargs): outputDict['target_D_'+nameTarg[1]+'_'+nameFeat[1]] = targetD[cnt] outputDict['process_time_'+nameTarg[1]+'_'+nameFeat[1]] = newfeatureData[1][cnt] outputDict['standard_deviation_'+nameTarg[1]+'_'+nameFeat[1]] = sigma[cnt] - #print(newfeatureData[1][cnt]) rlz.append(outputDict) realizationArray.append(rlz) #--------------- diff --git a/framework/Models/ROM.py b/framework/Models/ROM.py index 3b3acd320c..b2a0230985 100644 --- a/framework/Models/ROM.py +++ b/framework/Models/ROM.py @@ -310,7 +310,7 @@ def train(self,trainingSet): if type(trainingSet).__name__ == 'ROM': self.trainingSet = copy.copy(trainingSet.trainingSet) self.amITrained = copy.deepcopy(trainingSet.amITrained) - self.supervisedContainer = copy.deepcopy(trainingSet.supervisedContainer) + self.supervisedContainer = copy.deepcopy(trainingSet.supervisedContainer) self.seed = trainingSet.seed else: # TODO: The following check may need to be moved to Dummy Class -- wangc 7/30/2018 From 337730fa3b32bbadc22b4afe7877a5675902e1fd Mon Sep 17 00:00:00 2001 From: yoshiurr-INL Date: Tue, 30 Nov 2021 16:31:50 -0700 Subject: [PATCH 74/77] Added final adjustments based on comments from 12 days ago --- doc/theory_manual/dssPostProcessor.tex | 113 +++++++++++++++++++++++++ 1 file changed, 113 insertions(+) create mode 100644 doc/theory_manual/dssPostProcessor.tex diff --git a/doc/theory_manual/dssPostProcessor.tex b/doc/theory_manual/dssPostProcessor.tex new file mode 100644 index 0000000000..c486904861 --- /dev/null +++ b/doc/theory_manual/dssPostProcessor.tex @@ -0,0 +1,113 @@ +\section{Dynamical System Scaling} +\label{sec:dssdoc} + +The DSS approach to system scaling is based on transforming the typical view of processes to a special coordinate system in terms of the parameter of interest and its agents of change \cite{DSS2015}. +By parameterizing using a time term that will be introduced later in this section, data reproduced can be converted to the special three coordinate system (also called the phase space) +and form a geometry with curves along the surface containing invariant and intrinsic properties. The remainder of this section is a review of DSS theory introduced in publications +by Reyes \cite{DSS2015,Reyes2015,Martin2019} and is used in this analysis for FR scaling. The parameter of interest is defined to be a conserved quantity within a control volume: +\begin{equation} + \label{eq_1} + \beta(t)=\frac{1}{\Psi_{0}}\iiint_{V}{\psi\left(\vec{x},t\right)}dV +\end{equation} +$\beta$ is defined as the volume integral of the time and space dependent conserved quantity $\psi$ normalized by a time-independent value, $\Psi_{o}$, that characterizes the process. The agents of change are defined as the first derivative of the normalized parameter of interest: +\begin{equation} + \label{eq_2} + \omega=\frac{1}{\Psi_{0}}\frac{d}{dt}\iiint_{V}{\psi\left(\vec{x},t\right)}dV=\iiint_{V}{\left(\phi_{v}+\phi_{f}\right)}dV+\iint_{A}{\left(\vec{j}\cdot\vec{n}\right)}dA-\iint_{A}{\psi\left(\vec{v}-\vec{v}_{s}\cdot\vec{n}dA\right)}dA +\end{equation} +The change is categorized into three components; volumetric, surface, and quantity transport. The agents of change is also the sum of the individual agent of change: +\begin{equation} + \omega=\frac{1}{\Psi_{0}}\frac{d}{dt}\iiint_{V}{\psi\left(\vec{x},t\right)}dV=\sum^{n}_{i=1}{\omega_{i}} +\end{equation} +The relation of $\omega$ and $\beta$ is the following: +\begin{equation} + \label{eq_3} + \omega(t)=\left.\frac{d\beta}{dt}\right|_{t}=\sum^{n}_{i=1}{\omega_{i}} +\end{equation} +Where $\omega$ is the first derivative of reference time. As defined in Einstein and Infeld, time is a value stepping in constant increments \cite{Einstein1966}. The process dependent term in DSS is called process time: +\begin{equation} + \label{eq_4} + \tau(t)=\frac{\beta(t)}{\omega(t)} +\end{equation} +To measure the progression difference between reference time and process time in respect to reference time, the idea of temporal displacement rate (D) is adopted: +\begin{equation} + \label{eq_5} + D=\frac{d\tau-dt}{dt}=-\frac{\beta}{\omega^{2}}\frac{d\omega}{dt} +\end{equation} +The interval of process time is: +\begin{equation} + \label{eq_8} + d\tau=\tau_{s}=\left(1+D\right)dt +\end{equation} +Applying the process action to normalize the phase space coordinates gives the following normalized terms: +\begin{equation} + \label{eq_10} + \tilde{\Omega}=\omega\tau_{s},\qquad \tilde{\beta}=\beta,\qquad \tilde{t}=\frac{t}{\tau_{s}},\qquad \tilde{\tau}=\frac{\tau}{\tau_{s}},\qquad + \tilde{D}=D +\end{equation} +The scaling relation between the prototype and model can be defined both for $\beta$ and $\omega$ and represents the scaling of the parameter of interest and the corresponding agents of change (or frequency given from the units of per time): +\begin{equation} + \label{eq_11} + \lambda_{A}=\frac{\beta_{M}}{\beta_{P}},\qquad \lambda_{B}=\frac{\omega_{M}}{\omega_{P}} +\end{equation} +The subscripts $M$ and $P$ stand for the model and prototype. Applying these scaling ratios to equations (\ref{eq_4}), (\ref{eq_5}), and (\ref{eq_10}) provides the scaling ratios for other parameters as well: +\begin{equation} + \label{eq_12} + \frac{t_{M}}{t_{P}}=\frac{\lambda_{A}}{\lambda_{B}},\qquad \frac{\tau_{M}}{\tau_{P}}=\frac{\lambda_{A}}{\lambda_{B}},\qquad \frac{\tilde{\beta}_{M}}{\tilde{\beta}_{P}}=\lambda_{A},\qquad \frac{\tilde{\Omega}_{M}}{\tilde{\Omega}_{P}}=\lambda_{A},\qquad \frac{\tilde{\tau}_{M}}{\tilde{\tau}_{P}}=1,\qquad \frac{D_{M}}{D_{P}}=1 +\end{equation} +Normalized agents of change is the sum in the same respect: +\begin{equation} + \label{eq_18} + \Omega=\sum^{k}_{i=1}{\Omega_{i}} +\end{equation} +The ratio of $\Omega$ is expressed in the following alternate form: +\begin{equation} + \label{eq_19} + \Omega_{R}=\frac{\Omega_{M}}{\Omega_{P}}=\frac{\sum^{k}_{i=1}{\Omega_{M,i}}}{\sum^{k}_{i=1}{\Omega_{P,i}}}=\frac{\Omega_{M,1}+\Omega_{M,2}+...+\Omega_{M,k}}{\Omega_{P,1}+\Omega_{P,2}+...+\Omega_{P,k}} +\end{equation} +By the law of scaling ratios, The following must be true: +\begin{equation} + \label{eq_13} + \lambda_{A}=\frac{\Omega_{M,1}}{\Omega_{P,1}},\lambda_{A}=\frac{\Omega_{M,2}}{\Omega_{P,2}},...,\lambda_{A}=\frac{\Omega_{M,k}}{\Omega_{P,k}} +\end{equation} +Depending on the scaling ratio values, From Reyes, the scaling methods and similarity criteria is subdivided into five categories; 2-2 affine, dilation, $\beta$-strain, $\omega$-strain, and identity \cite{DSS2015}. +Table \ref{DSS:table_1} summarizes the similarity criteria. Despite the five categories, in essence, all are 2-2 affine with exceptions of partial scaling ratios values being 1. +\begin{table}[H] +\centering +\begin{tabular}{c|c|c|c|c} +\hline +%\rowcolor{lightgray} +\multicolumn{5}{c}{Basis for Process Space-time Coordinate Scaling}\\ +\hline +Metric & \multirow{2}{*}{$d\tilde{\tau}_{P}=d\tilde{\tau}_{P}$} & \multirow{2}{*}{And} & Covariance & \multirow{2}{*}{$\frac{1}{\omega_{P}}\frac{d\beta_{P}}{dt_{P}}=\frac{1}{\omega_{M}}\frac{d\beta_{M}}{dt_{M}}$} \\ +Invariance & & & Principle & \\ +\hline +\multicolumn{5}{c}{$\beta-\omega$ Coordinate Transformations}\\ +\hline +2-2 Affine & Dilation & $\beta$-Strain & $\omega$-Strain & Identity \\ +$\beta_{R}=\lambda_{A}$ & $\beta_{R}=\lambda$ & $\beta_{R}=\lambda_{A}$ & $\beta_{R}=1=\lambda_{B}$ & $\beta_{R}=1$ \\ +$\omega_{R}=\lambda_{B}$ & $\omega_{R}=\lambda$ & $\omega_{R}=1$ & $\omega_{R}=\lambda_{B}$ & $\omega_{R}=1$ \\ +\hline +\multicolumn{5}{c}{Similarity Criteria}\\ +\hline +$\tilde{\Omega}_{R}=\lambda_{A}$ & $\tilde{\Omega}_{R}=\lambda$ & $\tilde{\Omega}_{R}=\lambda_{A}$ & $\tilde{\Omega}_{R}=1$ & $\tilde{\Omega}_{R}=1$ \\ +$\tau_{R}=t_{R}=\frac{\lambda_{A}}{\lambda_{B}}$ & $\tau_{R}=t_{R}=1$ & $\tau_{R}=t_{R}=\lambda_{A}$ & $\tau_{R}=t_{R}=\frac{1}{\lambda_{B}}$ & $\tau_{R}=t_{R}=1$ \\ +\hline +\end{tabular} +\caption{Scaling Methods and Similarity Criteria Resulting from Two-Parameter Transformations \cite{DSS2015}}\label{DSS:table_1} +\end{table} +The separation between both process curves along the constant normalized process time is the local distortion \cite{Martin2019}: +\begin{equation} + \label{eq_15} + \tilde{\eta}_{k}=\beta_{P_{k}}\sqrt{\varepsilon D_{P_{k}}}\left[\frac{1}{\Omega_{P_{k}}}-\frac{\lambda_{A}}{\Omega_{M_{k}}}\right] +\end{equation} +Where $\epsilon$ is a sign adjuster ensuring positive values within the square root. The total distortion is: +\begin{equation} + \label{eq_16} + \tilde{\eta}_{T}=\sum^{N}_{k=1}{\left|\tilde{\eta}_{k}\right|} +\end{equation} +And, the equivalent standard deviation is: +\begin{equation} + \label{eq_17} + \sigma_{est}=\sqrt{\frac{1}{N}\sum^{N}_{k=1}{\tilde{\eta}^{2}_{k}}} +\end{equation} + From 0d72aeb70f66bcaa6349b94bafa1c0a2e2969841 Mon Sep 17 00:00:00 2001 From: yoshiurr-INL Date: Wed, 1 Dec 2021 09:37:00 -0700 Subject: [PATCH 75/77] Fixing Theory Manual Build Error --- doc/theory_manual/Makefile | 2 +- doc/theory_manual/dssPostProcessor.tex | 2 +- 2 files changed, 2 insertions(+), 2 deletions(-) diff --git a/doc/theory_manual/Makefile b/doc/theory_manual/Makefile index a1c9479474..f393f5a98c 100644 --- a/doc/theory_manual/Makefile +++ b/doc/theory_manual/Makefile @@ -1,6 +1,6 @@ SRCFILE = raven_theory_manual LATEX_FLAGS=-shell-escape -GUIDE_FILES = raven_theory_manual.tex statisticalAnalysis.tex forwardSampling.tex adaptiveSampling.tex dataMining.tex reducedOrderModeling.tex ravenStructure.tex introduction.tex ../version.tex +GUIDE_FILES = raven_theory_manual.tex statisticalAnalysis.tex forwardSampling.tex adaptiveSampling.tex dataMining.tex reducedOrderModeling.tex ravenStructure.tex introduction.tex dssPostProcessor.tex ../version.tex MAKE_DIR = $(shell pwd) #all: raven_theory_manual.pdf diff --git a/doc/theory_manual/dssPostProcessor.tex b/doc/theory_manual/dssPostProcessor.tex index c486904861..c55994f192 100644 --- a/doc/theory_manual/dssPostProcessor.tex +++ b/doc/theory_manual/dssPostProcessor.tex @@ -9,7 +9,7 @@ \section{Dynamical System Scaling} \label{eq_1} \beta(t)=\frac{1}{\Psi_{0}}\iiint_{V}{\psi\left(\vec{x},t\right)}dV \end{equation} -$\beta$ is defined as the volume integral of the time and space dependent conserved quantity $\psi$ normalized by a time-independent value, $\Psi_{o}$, that characterizes the process. The agents of change are defined as the first derivative of the normalized parameter of interest: +$\beta$ is defined as the volume integral of the time and space dependent conserved quantity $\psi$ normalized by a time-independent value, $\Psi_{0}$, that characterizes the process. The agents of change are defined as the first derivative of the normalized parameter of interest: \begin{equation} \label{eq_2} \omega=\frac{1}{\Psi_{0}}\frac{d}{dt}\iiint_{V}{\psi\left(\vec{x},t\right)}dV=\iiint_{V}{\left(\phi_{v}+\phi_{f}\right)}dV+\iint_{A}{\left(\vec{j}\cdot\vec{n}\right)}dA-\iint_{A}{\psi\left(\vec{v}-\vec{v}_{s}\cdot\vec{n}dA\right)}dA From 9632050512bc7996e996301b0139de136dfff58c Mon Sep 17 00:00:00 2001 From: yoshiurr-INL Date: Wed, 1 Dec 2021 13:34:31 -0700 Subject: [PATCH 76/77] Added userpackages required by dssPostProcessor.tex --- doc/theory_manual/raven_theory_manual.tex | 3 +++ 1 file changed, 3 insertions(+) diff --git a/doc/theory_manual/raven_theory_manual.tex b/doc/theory_manual/raven_theory_manual.tex index 24ea56fc1a..f34109b3c0 100644 --- a/doc/theory_manual/raven_theory_manual.tex +++ b/doc/theory_manual/raven_theory_manual.tex @@ -37,6 +37,9 @@ \usepackage{lscape} \usepackage[toc,page]{appendix} \usepackage{RAVEN} +\usepackage{table} +\usepackage{multirow} +\usepackage{float} \newtheorem{mydef}{Definition} \newcommand{\norm}[1]{\lVert#1\rVert} From f81f692196164729cd1355204dc1fcd3a183ebb8 Mon Sep 17 00:00:00 2001 From: yoshiurr-INL Date: Thu, 2 Dec 2021 09:46:40 -0700 Subject: [PATCH 77/77] Added tabls userpackage --- doc/theory_manual/raven_theory_manual.tex | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/doc/theory_manual/raven_theory_manual.tex b/doc/theory_manual/raven_theory_manual.tex index f34109b3c0..5eb138a645 100644 --- a/doc/theory_manual/raven_theory_manual.tex +++ b/doc/theory_manual/raven_theory_manual.tex @@ -37,7 +37,7 @@ \usepackage{lscape} \usepackage[toc,page]{appendix} \usepackage{RAVEN} -\usepackage{table} +\usepackage{tabls} \usepackage{multirow} \usepackage{float}