diff --git a/developer_tools/XSDSchemas/Samplers.xsd b/developer_tools/XSDSchemas/Samplers.xsd
index e495471746..78350c4ed8 100644
--- a/developer_tools/XSDSchemas/Samplers.xsd
+++ b/developer_tools/XSDSchemas/Samplers.xsd
@@ -21,6 +21,7 @@
+
@@ -526,4 +527,52 @@
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
diff --git a/doc/user_manual/sampler.tex b/doc/user_manual/sampler.tex
index 310bd9338e..d6a8e420ef 100644
--- a/doc/user_manual/sampler.tex
+++ b/doc/user_manual/sampler.tex
@@ -3137,3 +3137,130 @@ \subsubsection{Adaptive Sobol Decomposition}
\end{lstlisting}
+%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%
+%%% Markov Chain Monte Carlo %%%
+%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%
+\subsection{Markov Chain Monte Carlo}
+\label{subsec:MCMC}
+The Markov chain Monte Carlo (MCMC) is a Sampler entity in the RAVEN framework.
+It provides enormous scope for realistic statistical modeling. MCMC is essentially
+Monte Carlo integration using Markov chain. Bayesians, and sometimes also frequentists,
+need to integrate over possibly high-dimensional probability distributions to make inference
+about model parameters or to make predictions. Bayesians need to integrate over the posterior
+distributions of model parameters given the data, and frequentists may need to integrate
+over the distribution of observables given parameter values. Monte Carlo integration draws
+samples from the required distribution, and then forms samples averages to approximate expectations.
+MCMC draws these samples by running a cleverly constructed Markov chain for a long time.
+There are a large number of MCMC algorithms, and popular families include Gibbs sampling,
+Metropolis-Hastings, slice sampling, Hamiltonian Monte Carlo, and many others. Regardless
+of the algorithm, the goal in Bayesian inference is to maximize the unnormalized joint
+posterior distribution and collect samples of the target distributions, which are marginal
+posterior distributions, later to be used for inference.
+
+\subsubsection{Metropolis (Metropolis-Hastings Sampler)}
+\label{subsubsubsec:metropolis}
+The Metropolis-Hastings (MH) algorithm is a MCMC method for obtaining a sequence of random samples from a probability
+distribution from which direct sampling is difficult. This sequence can be used to approximate the distribution or
+to compute an integral. It simulates from a probability distribution by making
+use of the full joint density function and (independent) proposal distributions for each of
+the variables of interest.
+
+\specBlock{an}{Metropolis}
+%
+\attrIntro
+
+\begin{itemize}
+ \itemsep0em
+ \item \nameDescription
+\end{itemize}
+
+\variableIntro{Metropolis}
+
+\begin{itemize}
+ \item \variableDescription
+ \variableChildrenIntro
+ \begin{itemize}
+ \item \distributionDescription
+ \item \functionDescription
+ \item \xmlNode{initial}, \xmlDesc{float, optional field}, specified the initial value for given variable.
+ \item \xmlNode{proposal}, \xmlDesc{Assembler Object}, specifies the proposal distribution for this variable.
+ This node must contain the following two attributes:
+ \begin{itemize}
+ \item \xmlAttr{class}, \xmlDesc{required string attribute}, the main
+ ``class'' of the listed object. Only ``Distributions'' is allowed.
+ \item \xmlAttr{type}, \xmlDesc{required string attribute}, the object
+ identifier or sub-type.
+ \end{itemize}
+ \end{itemize}
+ \nb For MCMC sampler, we only allow "continuous" distributions as input to \xmlNode{variable}.
+ \item \constantVariablesDescription
+\end{itemize}
+
+
+In the \textbf{Metropolis} input block, the user needs to specify the variables need to be sampled.
+As already mentioned, these variables are inputted within consecutive xml blocks called \xmlNode{variable}.
+In addition, the settings for this sampler need to be specified in the \xmlNode{samplerInit} XML block:
+\begin{itemize}
+ \item \xmlNode{samplerInit}, \xmlDesc{required field}. In this xml-node, the following xml sub-nodes need to be specified:
+ \begin{itemize}
+ \item \xmlNode{limit}, \xmlDesc{integer, required field}, number of Metropolis samples needs to be generated;
+ \item \xmlNode{initialSeed}, \xmlDesc{integer, optional field}, initial seeding of random number generator;
+ \item \xmlNode{burnIn}, \xmlDesc{integer, optional field}, specifies the number of initial samples that would be discarded.
+ \end{itemize}
+\end{itemize}
+
+In addition to the \xmlNode{variable} nodes, the main XML node
+\xmlNode{Metropolis} needs to contain the following supplementary sub-nodes:
+
+\begin{itemize}
+ \item \xmlNode{likelihood}, \xmlDesc{string, required node}, the output from the user provided likelihood function
+ This node accept one attribute:
+ \begin{itemize}
+ \item \xmlAttr{log}, \xmlDesc{bool, optional field}, indicates whether the the log likelihood value is
+ provided or not. When True, the code expects to receive the log likehood value.
+ \default{`False'}
+ \end{itemize}
+ \item \assemblerDescription{Metropolis}
+ \constantSourceDescription{Metropolis}
+ \begin{itemize}
+ \item \xmlNode{TargetEvaluation}, \xmlDesc{string, required field},
+ represents the container where the system evaluations are stored.
+ %
+ From a practical point of view, this XML node must contain the name of
+ a data object defined in the \xmlNode{DataObjects} block (see
+ Section~\ref{sec:DataObjects}). The object here specified must be
+ input as \xmlNode{Output} in the Steps that employ this sampling strategy.
+ %
+ The Metropolis sampling accepts ``DataObjects'' of type
+ ``PointSet'' only.
+ \end{itemize}
+ \restartDescription{Metropolis}
+\end{itemize}
+
+Example:
+\begin{lstlisting}[style=XML]
+
+ ...
+
+
+ 1000
+ 070419
+ 10
+
+ zout
+
+ normal
+ 0
+ normal
+
+
+ normal
+ 0
+ normal
+
+
+ outSet
+
+ ...
+
+\end{lstlisting}
diff --git a/framework/Distributions.py b/framework/Distributions.py
index fcd920fccb..b43f5012e9 100644
--- a/framework/Distributions.py
+++ b/framework/Distributions.py
@@ -125,7 +125,7 @@ def __init__(self):
self.lowerBound = None # Left bound
self.__adjustmentType = '' # this describe how the re-normalization to preserve the probability should be done for truncated distributions
self.dimensionality = None # Dimensionality of the distribution (1D or ND)
- self.disttype = None # Distribution type (continuous or discrete)
+ self.distType = None # Distribution type (continuous or discrete)
self.memory = False # This variable flags if the distribution has history dependence in the sampling process (True) or not (False)
self.printTag = 'DISTRIBUTIONS'
self.preferredPolynomials = None # best polynomial for probability-weighted norm of error
@@ -358,13 +358,13 @@ def getDimensionality(self):
"""
return self.dimensionality
- def getDisttype(self):
+ def getDistType(self):
"""
Function return distribution type
@ In, None
- @ Out, disttype, string, ('Continuous' or 'Discrete')
+ @ Out, distType, string, ('Continuous' or 'Discrete')
"""
- return self.disttype
+ return self.distType
def getMemory(self):
"""
@@ -403,7 +403,7 @@ def __init__(self):
"""
Distribution.__init__(self)
self.dimensionality = 1
- self.disttype = 'Continuous'
+ self.distType = 'Continuous'
def cdf(self,x):
"""
@@ -439,6 +439,15 @@ def pdf(self,x):
returnPdf = self._distribution.pdf(x)
return returnPdf
+ def logPdf(self,x):
+ """
+ Function to get the log pdf at a provided coordinate
+ @ In, x, float, value to get the pdf at
+ @ Out, logPdf, float, requested log pdf
+ """
+ logPdf = np.log(self.pdf(x))
+ return logPdf
+
def untruncatedCdfComplement(self, x):
"""
Function to get the untruncated cdf complement at a provided coordinate
@@ -516,7 +525,7 @@ def __init__(self, lowerBound = None, upperBound = None):
BoostDistribution.__init__(self)
self.range = 0.0
self.type = 'Uniform'
- self.disttype = 'Continuous'
+ self.distType = 'Continuous'
self.compatibleQuadrature.append('Legendre')
self.compatibleQuadrature.append('ClenshawCurtis')
self.compatibleQuadrature.append('CDF')
@@ -525,15 +534,12 @@ def __init__(self, lowerBound = None, upperBound = None):
if upperBound is not None:
self.upperBound = upperBound
self.upperBoundUsed = True
- print("upperBound", self.upperBound)
if lowerBound is not None:
self.lowerBound = lowerBound
self.lowerBoundUsed = True
- print("lowerBound", self.lowerBound)
if self.lowerBoundUsed and self.upperBoundUsed:
self.range = self.upperBound - self.lowerBound
-
def _localSetState(self,pdict):
"""
Set the pickling state (local)
@@ -648,7 +654,7 @@ def __init__(self, mean=0.0, sigma=1.0):
self.sigma = sigma
self.hasInfiniteBound = True
self.type = 'Normal'
- self.disttype = 'Continuous'
+ self.distType = 'Continuous'
self.compatibleQuadrature.append('Hermite')
self.compatibleQuadrature.append('CDF')
#THESE get set in initializeDistribution, since it depends on truncation
@@ -804,7 +810,7 @@ def __init__(self, low=0.0, alpha=0.0, beta=1.0):
self.alpha = alpha
self.beta = beta
self.type = 'Gamma'
- self.disttype = 'Continuous'
+ self.distType = 'Continuous'
self.hasInfiniteBound = True
self.compatibleQuadrature.append('Laguerre')
self.compatibleQuadrature.append('CDF')
@@ -961,7 +967,7 @@ def __init__(self):
self.alpha = 0.0
self.beta = 0.0
self.type = 'Beta'
- self.disttype = 'Continuous'
+ self.distType = 'Continuous'
self.hasInfiniteBound = True
self.compatibleQuadrature.append('Jacobi')
self.compatibleQuadrature.append('CDF')
@@ -1135,7 +1141,7 @@ def __init__(self):
self.min = None # domain lower boundary
self.max = None # domain upper boundary
self.type = 'Triangular'
- self.disttype = 'Continuous'
+ self.distType = 'Continuous'
self.compatibleQuadrature.append('CDF')
self.preferredQuadrature = 'CDF'
self.preferredPolynomials = 'CDF'
@@ -1250,7 +1256,7 @@ def __init__(self):
self.mu = 0.0
self.type = 'Poisson'
self.hasInfiniteBound = True
- self.disttype = 'Discrete'
+ self.distType = 'Discrete'
self.compatibleQuadrature.append('CDF')
self.preferredQuadrature = 'CDF'
self.preferredPolynomials = 'CDF'
@@ -1346,7 +1352,7 @@ def __init__(self):
self.p = 0.0
self.type = 'Binomial'
self.hasInfiniteBound = True
- self.disttype = 'Discrete'
+ self.distType = 'Discrete'
self.compatibleQuadrature.append('CDF')
self.preferredQuadrature = 'CDF'
self.preferredPolynomials = 'CDF'
@@ -1445,7 +1451,7 @@ def __init__(self):
BoostDistribution.__init__(self)
self.p = 0.0
self.type = 'Bernoulli'
- self.disttype = 'Discrete'
+ self.distType = 'Discrete'
self.lowerBound = 0.0
self.upperBound = 1.0
self.compatibleQuadrature.append('CDF')
@@ -1538,7 +1544,7 @@ def __init__(self):
BoostDistribution.__init__(self)
self.p = 0.0
self.type = 'Geometric'
- self.disttype = 'Discrete'
+ self.distType = 'Discrete'
self.lowerBound = 0.0
self.upperBound = 1.0
self.compatibleQuadrature.append('CDF')
@@ -1640,7 +1646,7 @@ def __init__(self):
self.values = set()
self.type = 'Categorical'
self.dimensionality = 1
- self.disttype = 'Discrete'
+ self.distType = 'Discrete'
def _handleInput(self, paramInput):
"""
@@ -1814,7 +1820,7 @@ def __init__(self):
Distribution.__init__(self)
self.type = 'UniformDiscrete'
self.dimensionality = 1
- self.disttype = 'Discrete'
+ self.distType = 'Discrete'
self.memory = True
def _handleInput(self, paramInput):
@@ -1968,7 +1974,7 @@ def __init__(self):
"""
Categorical.__init__(self)
self.dimensionality = 1
- self.disttype = 'Discrete'
+ self.distType = 'Discrete'
self.type = 'MarkovCategorical'
self.steadyStatePb = None # variable containing the steady state probabilities of the Markov Model
self.transition = None # transition matrix of a continuous time Markov Model
@@ -2087,7 +2093,7 @@ def __init__(self):
self.location = 0.0
self.scale = 1.0
self.type = 'Logistic'
- self.disttype = 'Continuous'
+ self.distType = 'Continuous'
self.hasInfiniteBound = True
self.compatibleQuadrature.append('CDF')
self.preferredQuadrature = 'CDF'
@@ -2197,7 +2203,7 @@ def __init__(self):
self.location = 0.0
self.scale = 1.0
self.type = 'Laplace'
- self.disttype = 'Continuous'
+ self.distType = 'Continuous'
self.hasInfiniteBound = True
self.compatibleQuadrature.append('CDF')
self.preferredQuadrature = 'CDF'
@@ -2300,7 +2306,7 @@ def __init__(self):
self.lambdaVar = 1.0
self.low = 0.0
self.type = 'Exponential'
- self.disttype = 'Continuous'
+ self.distType = 'Continuous'
self.hasInfiniteBound = True
self.compatibleQuadrature.append('CDF')
self.preferredQuadrature = 'CDF'
@@ -2440,7 +2446,7 @@ def __init__(self):
self.sigma = 1.0
self.low = 0.0
self.type = 'LogNormal'
- self.disttype = 'Continuous'
+ self.distType = 'Continuous'
self.hasInfiniteBound = True
self.compatibleQuadrature.append('CDF')
self.preferredQuadrature = 'CDF'
@@ -2556,7 +2562,7 @@ def __init__(self):
self.lambdaVar = 1.0
self.k = 1.0
self.type = 'Weibull'
- self.disttype = 'Continuous'
+ self.distType = 'Continuous'
self.low = 0.0
self.hasInfiniteBound = True
self.compatibleQuadrature.append('CDF')
@@ -2678,7 +2684,7 @@ def __init__(self):
self.functionID = None
self.variableID = None
self.dimensionality = 1
- self.disttype = 'Continuous'
+ self.distType = 'Continuous'
# Scipy.interpolate.UnivariateSpline is used
self.k = 4 # Degree of the smoothing spline, Must be <=5
self.s = 0 # Positive smoothing factor used to choose the number of knots
diff --git a/framework/JobHandler.py b/framework/JobHandler.py
index b82e62b245..111811b890 100644
--- a/framework/JobHandler.py
+++ b/framework/JobHandler.py
@@ -377,14 +377,22 @@ def addClientJob(self, args, functionToRun, identifier, metadata=None, uniqueHan
forceUseThreads = True, uniqueHandler = uniqueHandler,
clientQueue = True)
- def addFinishedJob(self, data):
+ def addFinishedJob(self, data, metadata=None, uniqueHandler="any", profile=False):
"""
Takes an already-finished job (for example, a restart realization) and adds it to the finished queue.
@ In, data, dict, completed realization
+ @ In, data, dict, fully-evaluated realization
+ @ In, metadata, dict, optional, dictionary of metadata associated with
+ this run
+ @ In, uniqueHandler, string, optional, it is a special keyword attached to
+ this runner. For example, if present, to retrieve this runner using the
+ method jobHandler.getFinished, the uniqueHandler needs to be provided.
+ If uniqueHandler == 'any', every "client" can get this runner
+ @ In, profile, bool, optional, if True then at deconstruction timing statements will be printed
@ Out, None
"""
# create a placeholder runner
- run = Runners.PassthroughRunner(self.messageHandler, data)
+ run = Runners.PassthroughRunner(self.messageHandler, data, metadata=metadata, uniqueHandler=uniqueHandler, profile=profile)
# place it on the finished queue
with self.__queueLock:
self.__finished.append(run)
@@ -762,4 +770,3 @@ def terminateJobs(self, ids):
self.raiseADebug('Terminated job "{}" by request.'.format(job.identifier))
if len(ids):
self.raiseADebug('Tried to remove some jobs but not found in any queues:',', '.join(ids))
-
diff --git a/framework/Models/Model.py b/framework/Models/Model.py
index 2707e18766..955d52bdc5 100644
--- a/framework/Models/Model.py
+++ b/framework/Models/Model.py
@@ -126,7 +126,8 @@ class cls.
'AdaptiveSobol',
'EnsembleForward',
'CustomSampler',
- 'AdaptiveMonteCarlo']
+ 'AdaptiveMonteCarlo',
+ 'Metropolis']
validateDict['Optimizer'].append(testDict.copy())
validateDict['Optimizer'][0]['class' ] ='Optimizers'
validateDict['Optimizer'][0]['required' ] = False
diff --git a/framework/Samplers/Factory.py b/framework/Samplers/Factory.py
index 7ffd8243c9..2feb45d5c9 100644
--- a/framework/Samplers/Factory.py
+++ b/framework/Samplers/Factory.py
@@ -44,6 +44,10 @@
# Dynamic Event Tree-based Samplers
from Samplers.DynamicEventTree import DynamicEventTree
from Samplers.AdaptiveDynamicEventTree import AdaptiveDynamicEventTree
+
+# MCMC Samplers
+from .MCMC import Metropolis
+
## [ Add new class here ]
################################################################################
## Alternatively, to fully automate this file:
@@ -72,6 +76,7 @@
__interFaceDict['DynamicEventTree' ] = DynamicEventTree
__interFaceDict['AdaptiveDynamicEventTree'] = AdaptiveDynamicEventTree
__interFaceDict['AdaptiveMonteCarlo' ] = AdaptiveMonteCarlo
+__interFaceDict['Metropolis' ] = Metropolis
def knownTypes():
"""
diff --git a/framework/Samplers/Grid.py b/framework/Samplers/Grid.py
index 59b0729e51..60ea16b98b 100644
--- a/framework/Samplers/Grid.py
+++ b/framework/Samplers/Grid.py
@@ -223,7 +223,7 @@ def localGenerateInput(self,model,myInput):
self.inputInfo['SampledVarsPb'][varName] = self.distDict[varName].pdf(ndCoordinate)
# Compute the ProbabilityWeight
if ("" in varName) or (self.variables2distributionsMapping[varName]['totDim']==1):
- if self.distDict[varName].getDisttype() == 'Discrete':
+ if self.distDict[varName].getDistType() == 'Discrete':
gridWeight = self.distDict[varName].pdf(coordinates[varName])
else:
if self.gridInfo[varName]=='CDF':
diff --git a/framework/Samplers/MCMC/MCMC.py b/framework/Samplers/MCMC/MCMC.py
new file mode 100644
index 0000000000..dddce8c733
--- /dev/null
+++ b/framework/Samplers/MCMC/MCMC.py
@@ -0,0 +1,309 @@
+# 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.
+"""
+ Markov Chain Monte Carlo
+ This base class defines the principle methods required for MCMC
+
+ Created on June 26, 2020
+ @author: wangc
+"""
+
+#External Modules------------------------------------------------------------------------------------
+import numpy as np
+import copy
+import abc
+#External Modules End--------------------------------------------------------------------------------
+
+#Internal Modules------------------------------------------------------------------------------------
+import Distributions
+from Samplers import AdaptiveSampler
+from utils import utils,randomUtils,InputData, InputTypes
+#Internal Modules End--------------------------------------------------------------------------------
+
+class MCMC(AdaptiveSampler):
+ """
+ Markov Chain Monte Carlo Sampler.
+ """
+
+ @classmethod
+ def userManualDescription(cls):
+ """
+ Provides a user manual description for this actor. Should only be needed for base classes.
+ @ In, None
+ @ Out, descr, string, description
+ """
+ descr = r"""
+ \subsection{Markov Chain Monte Carlo}
+ \label{subsec:MCMC}
+ The Markov chain Monte Carlo (MCMC) is a Sampler entity in the RAVEN framework.
+ It provides enormous scope for realistic statistical modeling. MCMC is essentially
+ Monte Carlo integration using Markov chain. Bayesians, and sometimes also frequentists,
+ need to integrate over possibly high-dimensional probability distributions to make inference
+ about model parameters or to make predictions. Bayesians need to integrate over the posterior
+ distributions of model parameters given the data, and frequentists may need to integrate
+ over the distribution of observables given parameter values. Monte Carlo integration draws
+ samples from the required distribution, and then forms samples averages to approximate expectations.
+ MCMC draws these samples by running a cleverly constructed Markov chain for a long time.
+ There are a large number of MCMC algorithms, and popular families include Gibbs sampling,
+ Metropolis-Hastings, slice sampling, Hamiltonian Monte Carlo, and many others. Regardless
+ of the algorithm, the goal in Bayesian inference is to maximize the unnormalized joint
+ posterior distribution and collect samples of the target distributions, which are marginal
+ posterior distributions, later to be used for inference.
+ """
+ return descr
+
+ @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(MCMC, cls).getInputSpecification()
+
+ samplerInitInput = InputData.parameterInputFactory("samplerInit", strictMode=True,
+ printPriority=10,
+ descr=r"""collection of nodes that describe the initialization of the MCMC algorithm.""")
+ limitInput = InputData.parameterInputFactory("limit", contentType=InputTypes.IntegerType,
+ descr=r"""the limit for the total samples""")
+ samplerInitInput.addSub(limitInput)
+ initialSeedInput = InputData.parameterInputFactory("initialSeed", contentType=InputTypes.IntegerType,
+ descr='')
+ samplerInitInput.addSub(initialSeedInput)
+ burnInInput = InputData.parameterInputFactory("burnIn", contentType=InputTypes.IntegerType,
+ descr='')
+ samplerInitInput.addSub(burnInInput)
+ inputSpecification.addSub(samplerInitInput)
+ likelihoodInp = InputData.parameterInputFactory("likelihood",contentType=InputTypes.StringType,
+ printPriority=5,
+ descr=r"""Output of likelihood function""")
+ likelihoodInp.addParam('log', InputTypes.BoolType, required=False,
+ descr=r"""True if the user provided is the log likelihood, otherwise, treat it as
+ the standard likelihood""")
+ inputSpecification.addSub(likelihoodInp)
+ # modify Sampler variable nodes
+ variable = inputSpecification.getSub('variable')
+ variable.addSub(InputData.parameterInputFactory('initial', contentType=InputTypes.FloatType,
+ descr=r"""inital value for given variable"""))
+ variable.addSub(InputData.assemblyInputFactory('proposal', contentType=InputTypes.StringType, strictMode=True,
+ printPriority=30,
+ descr=r"""name of the Distribution that is used as proposal distribution"""))
+
+ inputSpecification.addSub(variable)
+ return inputSpecification
+
+ @classmethod
+ def getSolutionExportVariableNames(cls):
+ """
+ Compiles a list of acceptable SolutionExport variable options.
+ @ In, None
+ @ Out, vars, dict, {varName: manual description} for each solution export option
+ """
+ vars = super(AdaptiveSampler, cls).getSolutionExportVariableNames()
+ # TODO: multiple chains for MCMC
+ new = {'traceID': 'integer identifying which iteration a Markov chain is on',
+ '{VAR}': r'any variable from the \xmlNode{TargetEvaluation} input or output at current iteration'
+ }
+ vars.update(new)
+ return vars
+
+ def __init__(self):
+ """
+ Default Constructor that will initialize member variables with reasonable
+ defaults or empty lists/dictionaries where applicable.
+ @ In, None
+ @ Out, None
+ """
+ AdaptiveSampler.__init__(self)
+ self._initialValues = {} # dict stores the user provided initial values, i.e. {var: val}
+ self._updateValues = {} # dict stores input variables values for the current MCMC iteration, i.e. {var:val}
+ self._proposal = {} # dict stores the proposal distributions for input variables, i.e. {var:dist}
+ self._burnIn = 0 # integers indicate how many samples will be discarded
+ self._likelihood = None # stores the output from the likelihood
+ self._logLikelihood = False # True if the user provided likelihood is in log format
+ self._availProposal = {'normal': Distributions.Normal(0.0, 1.0),
+ 'uniform': Distributions.Uniform(-1.0, 1.0)} # available proposal distributions
+ self._acceptDist = Distributions.Uniform(0.0, 1.0) # uniform distribution for accept/rejection purpose
+ # assembler objects
+ self.addAssemblerObject('proposal', '-n', True)
+
+ def localInputAndChecks(self, xmlNode, paramInput):
+ """
+ Method that serves as a pass-through for input reading.
+ comes from inheriting from Sampler and _readMoreXML chain.
+ @ In, xmlNode, xml.etree.ElementTree.Element, xml element node (don't use!)
+ @ In, paramInput, InputData.ParameterInput, parameter specs interpreted
+ @ Out, None
+ """
+ # this is just a passthrough until sampler gets reworked or renamed
+ self.handleInput(paramInput)
+
+ def handleInput(self, paramInput):
+ """
+ Read input specs
+ @ In, paramInput, InputData.ParameterInput, parameter specs interpreted
+ @ Out, None
+ """
+ likelihood = paramInput.findFirst('likelihood')
+ if likelihood is not None:
+ self._likelihood = likelihood.value
+ self._logLikelihood = likelihood.parameterValues.get('log', False)
+ else:
+ self.raiseAnError(IOError, "likelihood is required, but not provided!")
+ init = paramInput.findFirst('samplerInit')
+ if init is not None:
+ # limit
+ limit = init.findFirst('limit')
+ if limit is not None:
+ self.limit = limit.value
+ else:
+ self.raiseAnError(IOError, 'MCMC', self.name, 'needs the limit block (number of samples) in the samplerInit block')
+ # initialSeed
+ seed = init.findFirst('initialSeed')
+ if seed is not None:
+ self.initSeed = seed.value
+ else:
+ self.initSeed = randomUtils.randomIntegers(0,2**31,self)
+ burnIn = init.findFirst('burnIn')
+ if burnIn is not None:
+ self._burnIn = burnIn.value
+ else:
+ self.raiseAnError(IOError, 'MCMC', self.name, 'needs the samplerInit block')
+ if self._burnIn >= self.limit:
+ self.raiseAnError(IOError, 'Provided "burnIn" value must be less than "limit" value!')
+ # variables additional reading
+ for varNode in paramInput.findAll('variable'):
+ var = varNode.parameterValues['name']
+ initNode = varNode.findFirst('initial')
+ if initNode:
+ self._initialValues[var] = initNode.value
+ else:
+ self._initialValues[var] = None
+ proposal = varNode.findFirst('proposal')
+ if proposal:
+ self._proposal[var] = proposal.value
+ else:
+ self._proposal[var] = None
+ # TargetEvaluation Node (Required)
+ targetEval = paramInput.findFirst('TargetEvaluation')
+ self._targetEvaluation = targetEval.value
+ self._updateValues = copy.copy(self._initialValues)
+
+ def initialize(self, externalSeeding=None, solutionExport=None):
+ """
+ This function should be called every time a clean MCMC is needed. Called before takeAstep in
+ @ In, externalSeeding, int, optional, external seed
+ @ In, solutionExport, DataObject, optional, a PointSet to hold the solution
+ @ Out, None
+ """
+ # TODO: currently, we only consider uncorrelated case
+ # initialize distributions
+ for _, dist in self._availProposal.items():
+ dist.initializeDistribution()
+ self._acceptDist.initializeDistribution()
+ for var, dist in self._proposal.items():
+ if dist:
+ self._proposal[var] = self.retrieveObjectFromAssemblerDict('proposal', dist)
+ distType = self._proposal[var].getDistType()
+ if distType != 'Continuous':
+ self.raiseAnError(IOError, 'variable "{}" requires continuous proposal distribution, but "{}" is provided!'.format(var, distType))
+ else:
+ self._proposal[var] = self._availProposal['normal']
+ AdaptiveSampler.initialize(self, externalSeeding=externalSeeding, solutionExport=solutionExport)
+ ## TODO: currently AdaptiveSampler is still using self.assemblerDict to retrieve the target evaluation.
+ # We should change it to using the following method.
+ # retrieve target evaluation
+ # self._targetEvaluation = self.retrieveObjectFromAssemblerDict('TargetEvaluation', self._targetEvaluation)
+
+ # initialize the input variable values
+ for key, value in self._updateValues.items():
+ totDim = self.variables2distributionsMapping[key]['totDim']
+ dist = self.distDict[key]
+ distType = dist.getDistType()
+ if distType != 'Continuous':
+ self.raiseAnError(IOError, 'variable "{}" requires continuous distribution, but "{}" is provided!'.format(key, distType))
+ if totDim != 1:
+ self.raiseAnError(IOError,"Total dimension for given distribution {} should be 1".format(dist.type))
+ if value is None:
+ value = dist.rvs()
+ self._updateValues[key] = value
+
+ def localGenerateInput(self, model, myInput):
+ """
+ Provides the next sample to take.
+ After this method is called, the self.inputInfo should be ready to be sent
+ to the model
+ @ In, model, model instance, an instance of a model
+ @ In, myInput, list, a list of the original needed inputs for the model (e.g. list of files, etc.)
+ @ Out, None
+ """
+ for key, value in self._updateValues.items():
+ self.values[key] = value
+ self.inputInfo['SampledVarsPb'][key] = self.distDict[key].pdf(value)
+ self.inputInfo['ProbabilityWeight-' + key] = 1.
+ self.inputInfo['PointProbability'] = 1.0
+ self.inputInfo['ProbabilityWeight' ] = 1.0
+
+ def localFinalizeActualSampling(self, jobObject, model, myInput):
+ """
+ General function (available to all samplers) that finalizes the sampling
+ calculation just ended. In this case, The function is aimed to check if
+ all the batch calculations have been performed
+ @ In, jobObject, instance, an instance of a JobHandler
+ @ In, model, model instance, it is the instance of a RAVEN model
+ @ In, myInput, list, the generating input
+ @ Out, None
+ """
+ AdaptiveSampler.localFinalizeActualSampling(self, jobObject, model, myInput)
+
+ def localStillReady(self, ready):
+ """
+ Determines if sampler is prepared to provide another input. If not, and
+ if jobHandler is finished, this will end sampling.
+ @ In, ready, bool, a boolean representing whether the caller is prepared for another input.
+ @ Out, ready, bool, a boolean representing whether the caller is prepared for another input.
+ """
+ ready = AdaptiveSampler.localStillReady(self, ready)
+ return ready
+
+ def _localHandleFailedRuns(self, failedRuns):
+ """
+ Specialized method for samplers to handle failed runs. Defaults to failing runs.
+ @ In, failedRuns, list, list of JobHandler.ExternalRunner objects
+ @ Out, None
+ """
+ if len(failedRuns)>0:
+ self.raiseADebug(' Continuing with reduced-size MCMC sampling.')
+
+ def _formatSolutionExportVariableNames(self, acceptable):
+ """
+ Does magic formatting for variables, based on this class's needs.
+ Extend in inheritors as needed.
+ @ In, acceptable, set, set of acceptable entries for solution export for this entity
+ @ Out, acceptable, set, modified set of acceptable variables with all formatting complete
+ """
+ acceptable = AdaptiveSampler._formatSolutionExportVariableNames(self, acceptable)
+ return acceptable
+
+ def _addToSolutionExport(self, rlz):
+ """
+ add realizations to solution export
+ @ In, rlz, dict, sampled realization
+ @ Out, None
+ """
+ if self._burnIn < self.counter:
+ rlz = dict((var, np.atleast_1d(val)) for var, val in rlz.items())
+ self._solutionExport.addRealization(rlz)
diff --git a/framework/Samplers/MCMC/Metropolis.py b/framework/Samplers/MCMC/Metropolis.py
new file mode 100644
index 0000000000..9e3126d3d5
--- /dev/null
+++ b/framework/Samplers/MCMC/Metropolis.py
@@ -0,0 +1,162 @@
+# 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.
+"""
+ Markov Chain Monte Carlo
+ This base class defines the principle methods required for MCMC
+
+ Created on June 26, 2020
+ @author: wangc
+"""
+
+#External Modules------------------------------------------------------------------------------------
+import numpy as np
+import copy
+import abc
+#External Modules End--------------------------------------------------------------------------------
+
+#Internal Modules------------------------------------------------------------------------------------
+
+from .MCMC import MCMC
+from utils import utils,randomUtils,InputData, InputTypes
+#Internal Modules End--------------------------------------------------------------------------------
+
+class Metropolis(MCMC):
+ """
+ Metropolis Sampler
+ """
+ @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(Metropolis, cls).getInputSpecification()
+ return inputSpecification
+
+ def __init__(self):
+ """
+ Default Constructor that will initialize member variables with reasonable
+ defaults or empty lists/dictionaries where applicable.
+ @ In, None
+ @ Out, None
+ """
+ MCMC.__init__(self)
+ self._localReady = True # True if the submitted job finished
+ self._currentRlz = None # dict stores the current realizations, i.e. {var: val}
+
+ def handleInput(self, paramInput):
+ """
+ Read input specs
+ @ In, paramInput, InputData.ParameterInput, parameter specs interpreted
+ @ Out, None
+ """
+ MCMC.handleInput(self, paramInput)
+
+ def initialize(self, externalSeeding=None, solutionExport=None):
+ """
+ This function should be called every time a clean MCMC is needed. Called before takeAstep in
+ @ In, externalSeeding, int, optional, external seed
+ @ In, solutionExport, DataObject, optional, a PointSet to hold the solution
+ @ Out, None
+ """
+ MCMC.initialize(self, externalSeeding=externalSeeding, solutionExport=solutionExport)
+
+ def localGenerateInput(self, model, myInput):
+ """
+ Provides the next sample to take.
+ After this method is called, the self.inputInfo should be ready to be sent
+ to the model
+ @ In, model, model instance, an instance of a model
+ @ In, myInput, list, a list of the original needed inputs for the model (e.g. list of files, etc.)
+ @ Out, None
+ """
+ if self.counter < 2:
+ MCMC.localGenerateInput(self, model, myInput)
+ else:
+ self._localReady = False
+ for key, value in self._updateValues.items():
+ # update value based on proposal distribution
+ newVal = value + self._proposal[key].rvs()
+ self.values[key] = newVal
+ self.inputInfo['SampledVarsPb'][key] = self.distDict[key].pdf(newVal)
+ self.inputInfo['ProbabilityWeight-' + key] = 1.
+ self.inputInfo['PointProbability'] = 1.0
+ self.inputInfo['ProbabilityWeight' ] = 1.0
+ self.inputInfo['SamplerType'] = 'Metroplis'
+
+ def localFinalizeActualSampling(self, jobObject, model, myInput):
+ """
+ General function (available to all samplers) that finalize the sampling
+ calculation just ended. In this case, The function is aimed to check if
+ all the batch calculations have been performed
+ @ In, jobObject, instance, an instance of a JobHandler
+ @ In, model, model instance, it is the instance of a RAVEN model
+ @ In, myInput, list, the generating input
+ @ Out, None
+ """
+ self._localReady = True
+ MCMC.localFinalizeActualSampling(self, jobObject, model, myInput)
+ prefix = jobObject.getMetadata()['prefix']
+ _, full = self._targetEvaluation.realization(matchDict={'prefix': prefix})
+ rlz = dict((var, full[var]) for var in (list(self.toBeSampled.keys()) + [self._likelihood] + list(self.dependentSample.keys())))
+ rlz['traceID'] = self.counter
+ if self.counter == 1:
+ self._addToSolutionExport(rlz)
+ self._currentRlz = rlz
+ if self.counter > 1:
+ acceptable = self._useRealization(rlz, self._currentRlz)
+ if acceptable:
+ self._currentRlz = rlz
+ self._addToSolutionExport(rlz)
+ self._updateValues = dict((var, rlz[var]) for var in self._updateValues)
+ else:
+ self._addToSolutionExport(self._currentRlz)
+ self._updateValues = dict((var, self._currentRlz[var]) for var in self._updateValues)
+
+ def _useRealization(self, newRlz, currentRlz):
+ """
+ Used to feedback the collected runs within the sampler
+ @ In, newRlz, dict, new generated realization
+ @ In, currentRlz, dict, the current existing realization
+ @ Out, acceptable, bool, True if we accept the new sampled point
+ """
+ netLogPosterior = 0
+ # compute net log prior
+ for var in self._updateValues:
+ newVal = newRlz[var]
+ currVal = currentRlz[var]
+ dist = self.distDict[var]
+ netLogPrior = dist.logPdf(newVal) - dist.logPdf(currVal)
+ netLogPosterior += netLogPrior
+ if not self._logLikelihood:
+ netLogLikelihood = np.log(newRlz[self._likelihood]) - np.log(currentRlz[self._likelihood])
+ else:
+ netLogLikelihood = newRlz[self._likelihood] - currentRlz[self._likelihood]
+ netLogPosterior += netLogLikelihood
+ acceptValue = np.log(self._acceptDist.rvs())
+ acceptable = netLogPosterior > acceptValue
+ return acceptable
+
+ def localStillReady(self, ready):
+ """
+ Determines if sampler is prepared to provide another input. If not, and
+ if jobHandler is finished, this will end sampling.
+ @ In, ready, bool, a boolean representing whether the caller is prepared for another input.
+ @ Out, ready, bool, a boolean representing whether the caller is prepared for another input.
+ """
+ ready = self._localReady and MCMC.localStillReady(self, ready)
+ return ready
diff --git a/framework/Samplers/MCMC/__init__.py b/framework/Samplers/MCMC/__init__.py
new file mode 100644
index 0000000000..81d53805f1
--- /dev/null
+++ b/framework/Samplers/MCMC/__init__.py
@@ -0,0 +1,24 @@
+# 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.
+
+"""
+ Markov Chain Samplers
+
+ created on June 26, 2020
+ @author: wangc
+"""
+from .MCMC import MCMC
+from .Metropolis import Metropolis
+
+__all__ = ['Metroplis']
diff --git a/framework/Samplers/__init__.py b/framework/Samplers/__init__.py
index 55090fba9f..5a1919fa41 100644
--- a/framework/Samplers/__init__.py
+++ b/framework/Samplers/__init__.py
@@ -45,6 +45,10 @@
# Dynamic Event Tree-based Samplers
from .DynamicEventTree import DynamicEventTree
from .AdaptiveDynamicEventTree import AdaptiveDynamicEventTree
+
+# MCMC Samplers
+from .MCMC import Metropolis
+
# Factory methods
from .Factory import knownTypes
from .Factory import returnInstance
@@ -53,4 +57,5 @@
# We should not really need this as we do not use wildcard imports
__all__ = ['Sampler','AdaptiveSampler','ForwardSampler','MonteCarlo','Grid','CustomSampler','Stratified',
'FactorialDesign','ResponseSurfaceDesign','Sobol','EnsembleForward','SparseGridCollocation',
- 'DynamicEventTree','LimitSurfaceSearch','AdaptiveDynamicEventTree','AdaptiveSparseGrid','AdaptiveSobol','AdaptiveMonteCarlo']
+ 'DynamicEventTree','LimitSurfaceSearch','AdaptiveDynamicEventTree','AdaptiveSparseGrid','AdaptiveSobol',
+ 'AdaptiveMonteCarlo','Metropolis']
diff --git a/framework/Steps.py b/framework/Steps.py
index 05bc3263ae..076971aeda 100644
--- a/framework/Steps.py
+++ b/framework/Steps.py
@@ -751,8 +751,9 @@ def _findANewInputToRun(self, sampler, model, inputs, outputs, jobHandler):
# case 1: found the input in restart, and newInp is a realization dicitonary of data to use
found, newInp = sampler.generateInput(model,inputs)
if found == 1:
+ kwargs = copy.deepcopy(sampler.inputInfo)
# "submit" the finished run
- jobHandler.addFinishedJob(newInp)
+ jobHandler.addFinishedJob(newInp, metadata=kwargs)
return None
# NOTE: we return None here only because the Sampler's "counter" is not correctly passed
# through if we add several samples at once through the restart. If we actually returned
diff --git a/plugins/LOGOS b/plugins/LOGOS
index cb5f90b879..40d68e70d6 160000
--- a/plugins/LOGOS
+++ b/plugins/LOGOS
@@ -1 +1 @@
-Subproject commit cb5f90b8795a017bd95d7bb9cc2081bdb945c247
+Subproject commit 40d68e70d6cf99c7ad716b19ccf5c50f0b33517c
diff --git a/tests/framework/MCMC/gold/metropolis/dumpExport.csv b/tests/framework/MCMC/gold/metropolis/dumpExport.csv
new file mode 100644
index 0000000000..6af0f7f58b
--- /dev/null
+++ b/tests/framework/MCMC/gold/metropolis/dumpExport.csv
@@ -0,0 +1,991 @@
+traceID,xin,yin
+8,1.27289484095,1.16896721498
+8,1.27289484095,1.16896721498
+8,1.27289484095,1.16896721498
+8,1.27289484095,1.16896721498
+8,1.27289484095,1.16896721498
+8,1.27289484095,1.16896721498
+8,1.27289484095,1.16896721498
+8,1.27289484095,1.16896721498
+8,1.27289484095,1.16896721498
+8,1.27289484095,1.16896721498
+8,1.27289484095,1.16896721498
+8,1.27289484095,1.16896721498
+8,1.27289484095,1.16896721498
+8,1.27289484095,1.16896721498
+8,1.27289484095,1.16896721498
+8,1.27289484095,1.16896721498
+8,1.27289484095,1.16896721498
+8,1.27289484095,1.16896721498
+8,1.27289484095,1.16896721498
+30,2.11401234044,1.65943896777
+30,2.11401234044,1.65943896777
+32,2.65613898096,2.35359550517
+33,1.76959033241,1.44954831351
+34,1.66190115033,1.74306631889
+34,1.66190115033,1.74306631889
+34,1.66190115033,1.74306631889
+34,1.66190115033,1.74306631889
+34,1.66190115033,1.74306631889
+34,1.66190115033,1.74306631889
+34,1.66190115033,1.74306631889
+34,1.66190115033,1.74306631889
+34,1.66190115033,1.74306631889
+34,1.66190115033,1.74306631889
+34,1.66190115033,1.74306631889
+34,1.66190115033,1.74306631889
+34,1.66190115033,1.74306631889
+34,1.66190115033,1.74306631889
+34,1.66190115033,1.74306631889
+34,1.66190115033,1.74306631889
+34,1.66190115033,1.74306631889
+34,1.66190115033,1.74306631889
+52,2.20222766202,1.77471598199
+52,2.20222766202,1.77471598199
+52,2.20222766202,1.77471598199
+52,2.20222766202,1.77471598199
+52,2.20222766202,1.77471598199
+52,2.20222766202,1.77471598199
+58,1.59497777243,0.903271775709
+58,1.59497777243,0.903271775709
+60,2.18862614394,0.846904223665
+61,2.3049749177,2.92652640541
+61,2.3049749177,2.92652640541
+63,2.85083928128,2.29852100785
+64,1.99311556324,0.952305723828
+64,1.99311556324,0.952305723828
+64,1.99311556324,0.952305723828
+67,2.34277692482,1.91630654579
+68,1.38468031231,0.830442626905
+68,1.38468031231,0.830442626905
+68,1.38468031231,0.830442626905
+68,1.38468031231,0.830442626905
+68,1.38468031231,0.830442626905
+68,1.38468031231,0.830442626905
+74,1.79379321691,1.21414401693
+74,1.79379321691,1.21414401693
+74,1.79379321691,1.21414401693
+77,1.57742056754,2.38326720587
+77,1.57742056754,2.38326720587
+77,1.57742056754,2.38326720587
+77,1.57742056754,2.38326720587
+81,2.2022254958,2.63961708639
+82,1.72817028154,2.37521179204
+82,1.72817028154,2.37521179204
+82,1.72817028154,2.37521179204
+85,2.65703586781,2.5761320384
+85,2.65703586781,2.5761320384
+85,2.65703586781,2.5761320384
+85,2.65703586781,2.5761320384
+89,1.55913750316,2.35750268995
+89,1.55913750316,2.35750268995
+91,1.98979687654,1.56066235463
+91,1.98979687654,1.56066235463
+91,1.98979687654,1.56066235463
+91,1.98979687654,1.56066235463
+91,1.98979687654,1.56066235463
+91,1.98979687654,1.56066235463
+91,1.98979687654,1.56066235463
+91,1.98979687654,1.56066235463
+91,1.98979687654,1.56066235463
+91,1.98979687654,1.56066235463
+101,1.19466754284,1.14191406481
+101,1.19466754284,1.14191406481
+101,1.19466754284,1.14191406481
+101,1.19466754284,1.14191406481
+101,1.19466754284,1.14191406481
+101,1.19466754284,1.14191406481
+101,1.19466754284,1.14191406481
+101,1.19466754284,1.14191406481
+109,1.5196907521,1.05422527734
+109,1.5196907521,1.05422527734
+109,1.5196907521,1.05422527734
+109,1.5196907521,1.05422527734
+109,1.5196907521,1.05422527734
+109,1.5196907521,1.05422527734
+115,2.17206311309,2.42995020695
+116,0.956680910511,1.60919324201
+116,0.956680910511,1.60919324201
+116,0.956680910511,1.60919324201
+116,0.956680910511,1.60919324201
+120,0.127549376723,0.00834988664994
+120,0.127549376723,0.00834988664994
+122,0.784918837056,0.0227670345499
+122,0.784918837056,0.0227670345499
+122,0.784918837056,0.0227670345499
+125,0.996493354242,0.0944017030915
+126,0.0579522323603,1.09980244398
+126,0.0579522323603,1.09980244398
+128,0.448518928114,0.481190861134
+129,0.260245128606,0.387942471741
+129,0.260245128606,0.387942471741
+129,0.260245128606,0.387942471741
+132,0.680397124549,-0.0705278554306
+132,0.680397124549,-0.0705278554306
+132,0.680397124549,-0.0705278554306
+132,0.680397124549,-0.0705278554306
+132,0.680397124549,-0.0705278554306
+132,0.680397124549,-0.0705278554306
+138,0.795401141961,0.0642042773414
+139,1.24426570089,0.468939687114
+139,1.24426570089,0.468939687114
+139,1.24426570089,0.468939687114
+142,1.42547987124,0.685415453862
+142,1.42547987124,0.685415453862
+142,1.42547987124,0.685415453862
+145,1.10145117831,1.57051950341
+146,1.58735592676,1.65429302589
+146,1.58735592676,1.65429302589
+146,1.58735592676,1.65429302589
+146,1.58735592676,1.65429302589
+146,1.58735592676,1.65429302589
+146,1.58735592676,1.65429302589
+152,0.337390246414,1.03003060023
+152,0.337390246414,1.03003060023
+152,0.337390246414,1.03003060023
+152,0.337390246414,1.03003060023
+156,1.62007659864,0.754400729763
+156,1.62007659864,0.754400729763
+156,1.62007659864,0.754400729763
+156,1.62007659864,0.754400729763
+156,1.62007659864,0.754400729763
+161,0.413473709701,0.258462232244
+161,0.413473709701,0.258462232244
+161,0.413473709701,0.258462232244
+161,0.413473709701,0.258462232244
+161,0.413473709701,0.258462232244
+166,0.3542502572,0.351374575682
+166,0.3542502572,0.351374575682
+166,0.3542502572,0.351374575682
+166,0.3542502572,0.351374575682
+170,0.997850547477,0.882146381106
+170,0.997850547477,0.882146381106
+170,0.997850547477,0.882146381106
+170,0.997850547477,0.882146381106
+170,0.997850547477,0.882146381106
+170,0.997850547477,0.882146381106
+170,0.997850547477,0.882146381106
+170,0.997850547477,0.882146381106
+170,0.997850547477,0.882146381106
+179,1.26533881855,2.11667845544
+179,1.26533881855,2.11667845544
+179,1.26533881855,2.11667845544
+179,1.26533881855,2.11667845544
+179,1.26533881855,2.11667845544
+179,1.26533881855,2.11667845544
+185,0.812140335018,1.07463054993
+185,0.812140335018,1.07463054993
+185,0.812140335018,1.07463054993
+188,0.982075944336,0.895813972219
+188,0.982075944336,0.895813972219
+188,0.982075944336,0.895813972219
+188,0.982075944336,0.895813972219
+188,0.982075944336,0.895813972219
+188,0.982075944336,0.895813972219
+188,0.982075944336,0.895813972219
+188,0.982075944336,0.895813972219
+196,0.644621561678,0.939123733323
+196,0.644621561678,0.939123733323
+196,0.644621561678,0.939123733323
+196,0.644621561678,0.939123733323
+200,0.678287985054,0.654456601679
+200,0.678287985054,0.654456601679
+200,0.678287985054,0.654456601679
+200,0.678287985054,0.654456601679
+204,0.863182174835,1.44139181305
+205,0.558714788982,0.350380136066
+205,0.558714788982,0.350380136066
+207,0.92286720936,1.27040303674
+207,0.92286720936,1.27040303674
+207,0.92286720936,1.27040303674
+207,0.92286720936,1.27040303674
+207,0.92286720936,1.27040303674
+207,0.92286720936,1.27040303674
+207,0.92286720936,1.27040303674
+207,0.92286720936,1.27040303674
+207,0.92286720936,1.27040303674
+207,0.92286720936,1.27040303674
+207,0.92286720936,1.27040303674
+207,0.92286720936,1.27040303674
+207,0.92286720936,1.27040303674
+207,0.92286720936,1.27040303674
+207,0.92286720936,1.27040303674
+207,0.92286720936,1.27040303674
+207,0.92286720936,1.27040303674
+224,1.4050261624,1.11570085264
+224,1.4050261624,1.11570085264
+224,1.4050261624,1.11570085264
+227,1.42991850182,1.47992315449
+227,1.42991850182,1.47992315449
+227,1.42991850182,1.47992315449
+227,1.42991850182,1.47992315449
+231,0.918865798624,0.991401303348
+232,1.28203256652,1.39590557196
+232,1.28203256652,1.39590557196
+232,1.28203256652,1.39590557196
+232,1.28203256652,1.39590557196
+232,1.28203256652,1.39590557196
+232,1.28203256652,1.39590557196
+232,1.28203256652,1.39590557196
+239,1.8230933535,1.23716563249
+239,1.8230933535,1.23716563249
+239,1.8230933535,1.23716563249
+239,1.8230933535,1.23716563249
+239,1.8230933535,1.23716563249
+244,0.884563930068,1.90696033206
+245,0.744213333539,0.793771017588
+245,0.744213333539,0.793771017588
+245,0.744213333539,0.793771017588
+245,0.744213333539,0.793771017588
+249,1.14802444376,1.59064721801
+249,1.14802444376,1.59064721801
+249,1.14802444376,1.59064721801
+249,1.14802444376,1.59064721801
+249,1.14802444376,1.59064721801
+254,1.58171483013,1.09465223563
+254,1.58171483013,1.09465223563
+254,1.58171483013,1.09465223563
+254,1.58171483013,1.09465223563
+258,1.46354897575,1.49968750321
+259,0.81675810682,1.12916827317
+259,0.81675810682,1.12916827317
+259,0.81675810682,1.12916827317
+262,1.10610858554,0.721302676939
+262,1.10610858554,0.721302676939
+264,0.994618158057,0.76443528584
+264,0.994618158057,0.76443528584
+264,0.994618158057,0.76443528584
+264,0.994618158057,0.76443528584
+264,0.994618158057,0.76443528584
+264,0.994618158057,0.76443528584
+264,0.994618158057,0.76443528584
+271,0.504413808504,1.32769693419
+271,0.504413808504,1.32769693419
+271,0.504413808504,1.32769693419
+271,0.504413808504,1.32769693419
+275,1.03762151694,1.66515948189
+276,1.74110095566,2.43360036118
+276,1.74110095566,2.43360036118
+276,1.74110095566,2.43360036118
+276,1.74110095566,2.43360036118
+280,2.37888387763,1.8846002235
+280,2.37888387763,1.8846002235
+280,2.37888387763,1.8846002235
+280,2.37888387763,1.8846002235
+284,1.19999219464,2.38722860606
+284,1.19999219464,2.38722860606
+284,1.19999219464,2.38722860606
+287,0.616576523987,1.45500872966
+287,0.616576523987,1.45500872966
+289,1.42198998943,0.498895827627
+290,1.81900673871,1.12158258391
+290,1.81900673871,1.12158258391
+292,1.84340223232,2.30242545672
+292,1.84340223232,2.30242545672
+292,1.84340223232,2.30242545672
+292,1.84340223232,2.30242545672
+296,1.1810669513,1.31339846795
+296,1.1810669513,1.31339846795
+296,1.1810669513,1.31339846795
+296,1.1810669513,1.31339846795
+300,1.14827724001,1.40819333014
+300,1.14827724001,1.40819333014
+300,1.14827724001,1.40819333014
+300,1.14827724001,1.40819333014
+304,1.77703220059,2.06606363228
+304,1.77703220059,2.06606363228
+306,1.55095393603,1.17693141732
+306,1.55095393603,1.17693141732
+306,1.55095393603,1.17693141732
+306,1.55095393603,1.17693141732
+306,1.55095393603,1.17693141732
+311,1.78525941954,1.29289494176
+311,1.78525941954,1.29289494176
+313,1.63724368044,2.16229970342
+313,1.63724368044,2.16229970342
+315,2.01218647013,2.4615728922
+315,2.01218647013,2.4615728922
+317,0.965661047517,1.63319907411
+318,1.55329025059,1.05399053408
+318,1.55329025059,1.05399053408
+320,1.42816776608,0.832091612902
+320,1.42816776608,0.832091612902
+320,1.42816776608,0.832091612902
+320,1.42816776608,0.832091612902
+320,1.42816776608,0.832091612902
+325,2.33551235882,2.12473331682
+325,2.33551235882,2.12473331682
+325,2.33551235882,2.12473331682
+325,2.33551235882,2.12473331682
+325,2.33551235882,2.12473331682
+325,2.33551235882,2.12473331682
+331,1.11286556956,1.11376493772
+331,1.11286556956,1.11376493772
+331,1.11286556956,1.11376493772
+331,1.11286556956,1.11376493772
+331,1.11286556956,1.11376493772
+331,1.11286556956,1.11376493772
+331,1.11286556956,1.11376493772
+331,1.11286556956,1.11376493772
+331,1.11286556956,1.11376493772
+331,1.11286556956,1.11376493772
+331,1.11286556956,1.11376493772
+342,-0.280196418651,-0.37732211297
+342,-0.280196418651,-0.37732211297
+342,-0.280196418651,-0.37732211297
+342,-0.280196418651,-0.37732211297
+346,-0.469606329192,0.188173532053
+347,0.254049303086,0.944098574388
+347,0.254049303086,0.944098574388
+347,0.254049303086,0.944098574388
+350,0.615592905301,1.1340823398
+350,0.615592905301,1.1340823398
+350,0.615592905301,1.1340823398
+350,0.615592905301,1.1340823398
+354,1.73510809013,1.45111736229
+354,1.73510809013,1.45111736229
+356,1.87637415134,1.57430253072
+356,1.87637415134,1.57430253072
+356,1.87637415134,1.57430253072
+359,1.10316739311,1.59240123168
+359,1.10316739311,1.59240123168
+359,1.10316739311,1.59240123168
+362,1.72998081002,1.62657099742
+362,1.72998081002,1.62657099742
+362,1.72998081002,1.62657099742
+362,1.72998081002,1.62657099742
+366,1.91902122513,1.50404750906
+366,1.91902122513,1.50404750906
+366,1.91902122513,1.50404750906
+369,2.30446493867,1.64561620127
+369,2.30446493867,1.64561620127
+369,2.30446493867,1.64561620127
+369,2.30446493867,1.64561620127
+369,2.30446493867,1.64561620127
+374,1.07164255097,0.788476651078
+374,1.07164255097,0.788476651078
+374,1.07164255097,0.788476651078
+374,1.07164255097,0.788476651078
+374,1.07164255097,0.788476651078
+374,1.07164255097,0.788476651078
+380,1.81345217752,1.34288639223
+380,1.81345217752,1.34288639223
+382,2.58892911908,1.91923815604
+382,2.58892911908,1.91923815604
+382,2.58892911908,1.91923815604
+385,2.55273626237,2.13321683754
+386,2.28463395637,2.7793677014
+387,2.14913577946,2.69589092732
+387,2.14913577946,2.69589092732
+389,1.20028139615,1.01660858507
+389,1.20028139615,1.01660858507
+389,1.20028139615,1.01660858507
+389,1.20028139615,1.01660858507
+389,1.20028139615,1.01660858507
+389,1.20028139615,1.01660858507
+389,1.20028139615,1.01660858507
+389,1.20028139615,1.01660858507
+389,1.20028139615,1.01660858507
+389,1.20028139615,1.01660858507
+389,1.20028139615,1.01660858507
+389,1.20028139615,1.01660858507
+401,1.16722872261,1.14814091586
+402,1.51486611174,1.15600408557
+403,1.36957285845,1.14208495723
+404,0.64356215005,1.20345953069
+405,0.930279365127,0.982341343276
+405,0.930279365127,0.982341343276
+405,0.930279365127,0.982341343276
+405,0.930279365127,0.982341343276
+405,0.930279365127,0.982341343276
+410,1.39120576366,1.24883939199
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+431,1.63842663519,2.0219197131
+431,1.63842663519,2.0219197131
+433,1.62998823002,1.47681736524
+433,1.62998823002,1.47681736524
+433,1.62998823002,1.47681736524
+433,1.62998823002,1.47681736524
+437,3.19970287002,3.09075376642
+438,2.7694338903,2.2575358212
+439,2.14497068617,2.80570558352
+439,2.14497068617,2.80570558352
+439,2.14497068617,2.80570558352
+439,2.14497068617,2.80570558352
+439,2.14497068617,2.80570558352
+439,2.14497068617,2.80570558352
+445,1.62192966162,1.9759278741
+445,1.62192966162,1.9759278741
+445,1.62192966162,1.9759278741
+445,1.62192966162,1.9759278741
+445,1.62192966162,1.9759278741
+445,1.62192966162,1.9759278741
+445,1.62192966162,1.9759278741
+445,1.62192966162,1.9759278741
+445,1.62192966162,1.9759278741
+454,2.17560025667,2.73118670878
+454,2.17560025667,2.73118670878
+454,2.17560025667,2.73118670878
+454,2.17560025667,2.73118670878
+454,2.17560025667,2.73118670878
+454,2.17560025667,2.73118670878
+460,1.89389217355,2.29132945904
+460,1.89389217355,2.29132945904
+460,1.89389217355,2.29132945904
+460,1.89389217355,2.29132945904
+464,2.1254359896,2.46442885734
+464,2.1254359896,2.46442885734
+464,2.1254359896,2.46442885734
+464,2.1254359896,2.46442885734
+464,2.1254359896,2.46442885734
+469,1.77178832604,2.16793673506
+470,1.613755698,1.43292253989
+470,1.613755698,1.43292253989
+472,1.66150577683,1.33748600033
+473,1.55797985837,1.83705880104
+473,1.55797985837,1.83705880104
+473,1.55797985837,1.83705880104
+476,2.12721572307,1.9456519933
+476,2.12721572307,1.9456519933
+478,1.25550018472,1.79831700221
+478,1.25550018472,1.79831700221
+478,1.25550018472,1.79831700221
+478,1.25550018472,1.79831700221
+478,1.25550018472,1.79831700221
+483,1.62383885649,2.1364170784
+483,1.62383885649,2.1364170784
+485,2.34554309977,2.37656080687
+486,1.131287666,1.36696753576
+486,1.131287666,1.36696753576
+488,1.79564150042,1.85681112398
+488,1.79564150042,1.85681112398
+488,1.79564150042,1.85681112398
+488,1.79564150042,1.85681112398
+488,1.79564150042,1.85681112398
+488,1.79564150042,1.85681112398
+488,1.79564150042,1.85681112398
+495,2.12939598378,2.16980143164
+495,2.12939598378,2.16980143164
+495,2.12939598378,2.16980143164
+495,2.12939598378,2.16980143164
+499,2.10870261889,2.2999870509
+499,2.10870261889,2.2999870509
+499,2.10870261889,2.2999870509
+499,2.10870261889,2.2999870509
+499,2.10870261889,2.2999870509
+499,2.10870261889,2.2999870509
+499,2.10870261889,2.2999870509
+506,2.50734272319,2.52445293299
+506,2.50734272319,2.52445293299
+506,2.50734272319,2.52445293299
+506,2.50734272319,2.52445293299
+506,2.50734272319,2.52445293299
+506,2.50734272319,2.52445293299
+506,2.50734272319,2.52445293299
+513,1.42741053082,2.12125097647
+513,1.42741053082,2.12125097647
+515,2.83828925563,2.74458613184
+515,2.83828925563,2.74458613184
+515,2.83828925563,2.74458613184
+518,2.70135207414,2.68583050347
+518,2.70135207414,2.68583050347
+518,2.70135207414,2.68583050347
+521,1.49652048643,1.51066792376
+521,1.49652048643,1.51066792376
+521,1.49652048643,1.51066792376
+521,1.49652048643,1.51066792376
+521,1.49652048643,1.51066792376
+521,1.49652048643,1.51066792376
+521,1.49652048643,1.51066792376
+521,1.49652048643,1.51066792376
+521,1.49652048643,1.51066792376
+521,1.49652048643,1.51066792376
+531,2.14510435831,1.91973235395
+532,1.32339954922,1.3445455703
+532,1.32339954922,1.3445455703
+534,1.81773424536,1.75112598154
+535,1.83727950143,2.06353215438
+535,1.83727950143,2.06353215438
+535,1.83727950143,2.06353215438
+535,1.83727950143,2.06353215438
+539,2.19611697449,1.99224809132
+539,2.19611697449,1.99224809132
+541,2.33127680041,2.85073007904
+541,2.33127680041,2.85073007904
+541,2.33127680041,2.85073007904
+541,2.33127680041,2.85073007904
+541,2.33127680041,2.85073007904
+541,2.33127680041,2.85073007904
+541,2.33127680041,2.85073007904
+548,3.02471332165,2.39425058991
+549,2.38837032563,2.44396155884
+549,2.38837032563,2.44396155884
+551,3.44774721106,2.9763881247
+551,3.44774721106,2.9763881247
+551,3.44774721106,2.9763881247
+551,3.44774721106,2.9763881247
+551,3.44774721106,2.9763881247
+551,3.44774721106,2.9763881247
+551,3.44774721106,2.9763881247
+558,3.16580270202,3.54580651532
+558,3.16580270202,3.54580651532
+560,2.27145847496,2.52730140663
+560,2.27145847496,2.52730140663
+560,2.27145847496,2.52730140663
+563,1.11692091305,0.651484931273
+563,1.11692091305,0.651484931273
+563,1.11692091305,0.651484931273
+566,0.670443916567,0.302371139401
+567,0.671190139719,0.510002936523
+567,0.671190139719,0.510002936523
+567,0.671190139719,0.510002936523
+567,0.671190139719,0.510002936523
+571,0.67979086188,1.06920134296
+571,0.67979086188,1.06920134296
+571,0.67979086188,1.06920134296
+571,0.67979086188,1.06920134296
+571,0.67979086188,1.06920134296
+576,1.09199180981,1.52365747482
+576,1.09199180981,1.52365747482
+576,1.09199180981,1.52365747482
+576,1.09199180981,1.52365747482
+576,1.09199180981,1.52365747482
+576,1.09199180981,1.52365747482
+582,0.678682038179,1.20099264932
+582,0.678682038179,1.20099264932
+582,0.678682038179,1.20099264932
+582,0.678682038179,1.20099264932
+582,0.678682038179,1.20099264932
+582,0.678682038179,1.20099264932
+582,0.678682038179,1.20099264932
+582,0.678682038179,1.20099264932
+582,0.678682038179,1.20099264932
+582,0.678682038179,1.20099264932
+592,0.65394094198,0.972405016739
+592,0.65394094198,0.972405016739
+594,1.12976790239,1.304375885
+595,0.825324561615,1.24951729172
+595,0.825324561615,1.24951729172
+597,1.88125213207,1.39972148803
+597,1.88125213207,1.39972148803
+597,1.88125213207,1.39972148803
+600,1.88253978025,1.59859276747
+600,1.88253978025,1.59859276747
+600,1.88253978025,1.59859276747
+603,1.6643933914,1.70979701733
+604,0.816248304325,1.44996397455
+604,0.816248304325,1.44996397455
+606,0.638289145156,1.51615235855
+606,0.638289145156,1.51615235855
+606,0.638289145156,1.51615235855
+609,1.22055756768,1.56767414325
+610,2.22428527399,1.62413444222
+610,2.22428527399,1.62413444222
+610,2.22428527399,1.62413444222
+610,2.22428527399,1.62413444222
+610,2.22428527399,1.62413444222
+610,2.22428527399,1.62413444222
+616,1.44909711474,2.12794714063
+616,1.44909711474,2.12794714063
+616,1.44909711474,2.12794714063
+616,1.44909711474,2.12794714063
+616,1.44909711474,2.12794714063
+616,1.44909711474,2.12794714063
+616,1.44909711474,2.12794714063
+616,1.44909711474,2.12794714063
+616,1.44909711474,2.12794714063
+625,1.19803152298,1.68198211523
+625,1.19803152298,1.68198211523
+625,1.19803152298,1.68198211523
+625,1.19803152298,1.68198211523
+625,1.19803152298,1.68198211523
+630,2.21477220989,1.36778924895
+631,1.90472221004,1.52276015584
+631,1.90472221004,1.52276015584
+631,1.90472221004,1.52276015584
+631,1.90472221004,1.52276015584
+631,1.90472221004,1.52276015584
+631,1.90472221004,1.52276015584
+631,1.90472221004,1.52276015584
+631,1.90472221004,1.52276015584
+631,1.90472221004,1.52276015584
+631,1.90472221004,1.52276015584
+631,1.90472221004,1.52276015584
+631,1.90472221004,1.52276015584
+643,1.41314061634,1.81531918812
+644,1.74678279855,1.71218015519
+644,1.74678279855,1.71218015519
+646,1.83187265589,2.33401458115
+646,1.83187265589,2.33401458115
+646,1.83187265589,2.33401458115
+646,1.83187265589,2.33401458115
+650,1.07664321154,2.04374010584
+651,1.47873642091,1.23740991678
+651,1.47873642091,1.23740991678
+651,1.47873642091,1.23740991678
+654,0.670872864414,1.08772193095
+655,0.90446223466,0.849845898207
+655,0.90446223466,0.849845898207
+655,0.90446223466,0.849845898207
+658,1.55114666682,1.07171157101
+658,1.55114666682,1.07171157101
+660,1.09236666945,1.18037439135
+660,1.09236666945,1.18037439135
+662,1.42228169741,1.23482238648
+662,1.42228169741,1.23482238648
+662,1.42228169741,1.23482238648
+665,1.88680098151,1.76098118087
+666,1.4710989868,1.46148892795
+666,1.4710989868,1.46148892795
+666,1.4710989868,1.46148892795
+666,1.4710989868,1.46148892795
+666,1.4710989868,1.46148892795
+666,1.4710989868,1.46148892795
+672,1.60228261311,1.6410409331
+672,1.60228261311,1.6410409331
+674,1.82760260349,1.9952459399
+674,1.82760260349,1.9952459399
+674,1.82760260349,1.9952459399
+677,2.86609871913,2.68590021249
+678,2.67643316571,2.98288220096
+678,2.67643316571,2.98288220096
+678,2.67643316571,2.98288220096
+678,2.67643316571,2.98288220096
+682,1.57393088329,1.393041231
+682,1.57393088329,1.393041231
+682,1.57393088329,1.393041231
+682,1.57393088329,1.393041231
+682,1.57393088329,1.393041231
+682,1.57393088329,1.393041231
+682,1.57393088329,1.393041231
+682,1.57393088329,1.393041231
+682,1.57393088329,1.393041231
+682,1.57393088329,1.393041231
+682,1.57393088329,1.393041231
+682,1.57393088329,1.393041231
+682,1.57393088329,1.393041231
+682,1.57393088329,1.393041231
+682,1.57393088329,1.393041231
+682,1.57393088329,1.393041231
+682,1.57393088329,1.393041231
+682,1.57393088329,1.393041231
+700,1.82259774491,1.71732381656
+700,1.82259774491,1.71732381656
+700,1.82259774491,1.71732381656
+700,1.82259774491,1.71732381656
+700,1.82259774491,1.71732381656
+700,1.82259774491,1.71732381656
+700,1.82259774491,1.71732381656
+700,1.82259774491,1.71732381656
+700,1.82259774491,1.71732381656
+700,1.82259774491,1.71732381656
+700,1.82259774491,1.71732381656
+700,1.82259774491,1.71732381656
+712,2.05357413412,1.89366545259
+712,2.05357413412,1.89366545259
+712,2.05357413412,1.89366545259
+712,2.05357413412,1.89366545259
+712,2.05357413412,1.89366545259
+712,2.05357413412,1.89366545259
+712,2.05357413412,1.89366545259
+712,2.05357413412,1.89366545259
+712,2.05357413412,1.89366545259
+712,2.05357413412,1.89366545259
+722,1.27994651258,1.31619029089
+722,1.27994651258,1.31619029089
+722,1.27994651258,1.31619029089
+722,1.27994651258,1.31619029089
+722,1.27994651258,1.31619029089
+722,1.27994651258,1.31619029089
+722,1.27994651258,1.31619029089
+722,1.27994651258,1.31619029089
+722,1.27994651258,1.31619029089
+722,1.27994651258,1.31619029089
+732,1.32637901119,0.667687980822
+732,1.32637901119,0.667687980822
+734,1.73149212705,1.48795185893
+734,1.73149212705,1.48795185893
+736,1.80258227492,1.46286605216
+737,1.02664245564,0.69629501647
+738,0.737865491859,0.714867638661
+738,0.737865491859,0.714867638661
+740,1.33375174145,1.77161021095
+740,1.33375174145,1.77161021095
+740,1.33375174145,1.77161021095
+740,1.33375174145,1.77161021095
+740,1.33375174145,1.77161021095
+745,0.852000228873,1.91209201599
+746,1.41548620647,1.62222261763
+746,1.41548620647,1.62222261763
+746,1.41548620647,1.62222261763
+746,1.41548620647,1.62222261763
+746,1.41548620647,1.62222261763
+746,1.41548620647,1.62222261763
+746,1.41548620647,1.62222261763
+746,1.41548620647,1.62222261763
+746,1.41548620647,1.62222261763
+746,1.41548620647,1.62222261763
+746,1.41548620647,1.62222261763
+746,1.41548620647,1.62222261763
+746,1.41548620647,1.62222261763
+746,1.41548620647,1.62222261763
+760,1.80272711927,2.06446941435
+760,1.80272711927,2.06446941435
+760,1.80272711927,2.06446941435
+760,1.80272711927,2.06446941435
+760,1.80272711927,2.06446941435
+760,1.80272711927,2.06446941435
+760,1.80272711927,2.06446941435
+760,1.80272711927,2.06446941435
+760,1.80272711927,2.06446941435
+760,1.80272711927,2.06446941435
+760,1.80272711927,2.06446941435
+760,1.80272711927,2.06446941435
+760,1.80272711927,2.06446941435
+760,1.80272711927,2.06446941435
+760,1.80272711927,2.06446941435
+760,1.80272711927,2.06446941435
+760,1.80272711927,2.06446941435
+760,1.80272711927,2.06446941435
+760,1.80272711927,2.06446941435
+779,2.20661347216,2.23393146117
+779,2.20661347216,2.23393146117
+779,2.20661347216,2.23393146117
+779,2.20661347216,2.23393146117
+779,2.20661347216,2.23393146117
+779,2.20661347216,2.23393146117
+779,2.20661347216,2.23393146117
+779,2.20661347216,2.23393146117
+779,2.20661347216,2.23393146117
+779,2.20661347216,2.23393146117
+779,2.20661347216,2.23393146117
+779,2.20661347216,2.23393146117
+779,2.20661347216,2.23393146117
+779,2.20661347216,2.23393146117
+779,2.20661347216,2.23393146117
+779,2.20661347216,2.23393146117
+779,2.20661347216,2.23393146117
+779,2.20661347216,2.23393146117
+779,2.20661347216,2.23393146117
+798,2.07972674494,1.80039516444
+799,2.41250128631,1.74337930603
+799,2.41250128631,1.74337930603
+799,2.41250128631,1.74337930603
+799,2.41250128631,1.74337930603
+799,2.41250128631,1.74337930603
+799,2.41250128631,1.74337930603
+799,2.41250128631,1.74337930603
+799,2.41250128631,1.74337930603
+799,2.41250128631,1.74337930603
+799,2.41250128631,1.74337930603
+799,2.41250128631,1.74337930603
+810,1.2164983332,1.8134926837
+810,1.2164983332,1.8134926837
+810,1.2164983332,1.8134926837
+810,1.2164983332,1.8134926837
+810,1.2164983332,1.8134926837
+815,2.33508161718,2.37302998961
+815,2.33508161718,2.37302998961
+815,2.33508161718,2.37302998961
+815,2.33508161718,2.37302998961
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+851,1.19317503317,1.1331901148
+851,1.19317503317,1.1331901148
+851,1.19317503317,1.1331901148
+851,1.19317503317,1.1331901148
+855,1.25513381099,1.55030343456
+855,1.25513381099,1.55030343456
+855,1.25513381099,1.55030343456
+858,2.38643276121,1.85891355978
+858,2.38643276121,1.85891355978
+858,2.38643276121,1.85891355978
+858,2.38643276121,1.85891355978
+858,2.38643276121,1.85891355978
+863,2.29997209643,1.56617249143
+863,2.29997209643,1.56617249143
+865,1.00246869036,0.972791398912
+866,1.23289474956,0.655469154407
+866,1.23289474956,0.655469154407
+868,0.48524996767,0.532525755817
+868,0.48524996767,0.532525755817
+868,0.48524996767,0.532525755817
+871,1.40289543162,1.13870143896
+871,1.40289543162,1.13870143896
+871,1.40289543162,1.13870143896
+871,1.40289543162,1.13870143896
+871,1.40289543162,1.13870143896
+871,1.40289543162,1.13870143896
+877,1.69510737262,1.06128375742
+877,1.69510737262,1.06128375742
+879,2.24926568478,2.15717962552
+879,2.24926568478,2.15717962552
+879,2.24926568478,2.15717962552
+879,2.24926568478,2.15717962552
+879,2.24926568478,2.15717962552
+879,2.24926568478,2.15717962552
+879,2.24926568478,2.15717962552
+879,2.24926568478,2.15717962552
+879,2.24926568478,2.15717962552
+879,2.24926568478,2.15717962552
+879,2.24926568478,2.15717962552
+890,1.31736875274,1.98819455641
+891,1.63942419298,1.13254030638
+891,1.63942419298,1.13254030638
+893,1.85937590655,1.73713785124
+893,1.85937590655,1.73713785124
+893,1.85937590655,1.73713785124
+893,1.85937590655,1.73713785124
+893,1.85937590655,1.73713785124
+893,1.85937590655,1.73713785124
+893,1.85937590655,1.73713785124
+900,1.40536073868,2.26847255227
+900,1.40536073868,2.26847255227
+900,1.40536073868,2.26847255227
+903,2.44546880248,1.54705645526
+904,1.36915414383,1.89973495932
+905,1.59785935299,2.38802243498
+905,1.59785935299,2.38802243498
+905,1.59785935299,2.38802243498
+905,1.59785935299,2.38802243498
+905,1.59785935299,2.38802243498
+910,1.95309448487,1.61413414307
+910,1.95309448487,1.61413414307
+910,1.95309448487,1.61413414307
+910,1.95309448487,1.61413414307
+910,1.95309448487,1.61413414307
+915,1.46600391375,2.06571757143
+915,1.46600391375,2.06571757143
+915,1.46600391375,2.06571757143
+918,1.09829547077,0.864674946203
+918,1.09829547077,0.864674946203
+918,1.09829547077,0.864674946203
+918,1.09829547077,0.864674946203
+918,1.09829547077,0.864674946203
+918,1.09829547077,0.864674946203
+918,1.09829547077,0.864674946203
+918,1.09829547077,0.864674946203
+918,1.09829547077,0.864674946203
+918,1.09829547077,0.864674946203
+918,1.09829547077,0.864674946203
+918,1.09829547077,0.864674946203
+918,1.09829547077,0.864674946203
+918,1.09829547077,0.864674946203
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+953,2.11192133688,1.45777661555
+953,2.11192133688,1.45777661555
+953,2.11192133688,1.45777661555
+956,1.78408128492,1.50005523931
+957,2.53712409353,2.411817419
+957,2.53712409353,2.411817419
+957,2.53712409353,2.411817419
+957,2.53712409353,2.411817419
+957,2.53712409353,2.411817419
+962,1.94913478558,0.709346842992
+962,1.94913478558,0.709346842992
+964,1.04082862277,-0.0250155713019
+965,0.802257816423,1.61461243663
+966,1.13660933479,1.10269420908
+966,1.13660933479,1.10269420908
+966,1.13660933479,1.10269420908
+966,1.13660933479,1.10269420908
+966,1.13660933479,1.10269420908
+966,1.13660933479,1.10269420908
+966,1.13660933479,1.10269420908
+973,1.21347978461,0.742703846837
+973,1.21347978461,0.742703846837
+973,1.21347978461,0.742703846837
+976,1.8351020466,2.14209218325
+976,1.8351020466,2.14209218325
+976,1.8351020466,2.14209218325
+976,1.8351020466,2.14209218325
+976,1.8351020466,2.14209218325
+976,1.8351020466,2.14209218325
+976,1.8351020466,2.14209218325
+983,1.40988602178,2.08540599193
+983,1.40988602178,2.08540599193
+983,1.40988602178,2.08540599193
+986,1.03653879923,1.0113667244
+986,1.03653879923,1.0113667244
+988,0.905999094603,1.20063092121
+989,1.52876606608,0.888100375098
+989,1.52876606608,0.888100375098
+989,1.52876606608,0.888100375098
+992,0.852997845621,0.983621784851
+992,0.852997845621,0.983621784851
+994,2.28015418968,1.30142783409
+994,2.28015418968,1.30142783409
+996,1.69178572511,2.53736284623
+997,1.62748156615,2.25154581785
+997,1.62748156615,2.25154581785
+997,1.62748156615,2.25154581785
+997,1.62748156615,2.25154581785
diff --git a/tests/framework/MCMC/gold/metropolis/dumpOut.csv b/tests/framework/MCMC/gold/metropolis/dumpOut.csv
new file mode 100644
index 0000000000..e5948d3008
--- /dev/null
+++ b/tests/framework/MCMC/gold/metropolis/dumpOut.csv
@@ -0,0 +1,1001 @@
+xin,yin,zout
+0.0,0.0,7.04761633483e-07
+-0.925306155079,0.655179815284,6.65351376438e-10
+0.211362958932,0.979355433843,3.07249127686e-06
+-0.994305369995,0.102383647679,3.00178150829e-09
+0.622962322037,1.23089672938,2.33947244139e-05
+-0.374365931988,0.368695311748,1.74614850005e-07
+1.22984101447,1.43249313301,0.00027614953943
+1.27289484095,1.16896721498,0.000193347723712
+0.429271590669,1.09114092246,9.50527930367e-06
+1.13964752109,2.09659723776,8.99355099398e-05
+0.685588487033,2.40182546412,4.30407669308e-07
+2.61264182432,2.15197079142,0.00583115424335
+2.34667844366,1.46310197965,0.00033505037214
+0.101876724114,0.773244638632,2.06566052526e-06
+0.928310449731,-0.0369212032096,6.45413462301e-07
+0.744813870335,-0.0296555810384,9.65891562173e-07
+2.25172243854,1.06069518265,2.92807198734e-05
+1.02513897787,0.573477022816,2.03022688458e-05
+1.03871339328,-0.267697787591,6.95366222038e-08
+3.46898405176,2.67604286813,0.0107293588021
+0.587974514232,3.85757808884,1.55807694309e-14
+2.4147230998,1.42440725028,0.000213136634676
+0.616697228851,1.58858688071,1.16133448481e-05
+1.3325052143,0.434083203852,6.49141048475e-06
+1.8481452523,3.67116367021,6.40995212919e-06
+0.578324148289,1.29777288234,1.6946509978e-05
+1.82868330418,-0.725923524264,8.98133826033e-13
+-0.387110689026,1.79737391722,1.46234524396e-10
+0.101652504096,-0.890312255282,6.96302497591e-09
+2.11401234044,1.65943896777,0.00132623973827
+2.03908915318,-0.548505117644,1.42867399513e-12
+2.65613898096,2.35359550517,0.0109652897975
+1.76959033241,1.44954831351,0.00066642075908
+1.66190115033,1.74306631889,0.00117447339191
+1.36044688244,2.65067197001,5.07542249168e-05
+0.56423777094,2.37141084385,1.46146969706e-07
+3.81352654628,1.97386924234,7.47935904891e-06
+2.28266929925,0.975850243643,1.29179400069e-05
+-0.6190052691,3.17137927978,6.22358351365e-20
+1.46494341236,2.71151464678,8.65591797644e-05
+2.18127264348,2.28460560655,0.00632017226564
+2.40126609079,1.71661626091,0.00119224705973
+3.62919870557,0.684151569493,1.98427782139e-12
+-0.436091224892,0.85250851212,3.24485308134e-08
+-0.639148207657,1.354551666,2.09309757433e-10
+0.0986343390835,0.223248003377,1.56003627981e-06
+-0.213657751874,1.33444098672,2.85164576199e-08
+0.169499793764,2.39730794591,1.03861260156e-09
+2.42688668028,1.20602780131,4.24181685276e-05
+0.792207598598,2.17404460682,4.59344383504e-06
+1.31219320299,2.30049480065,0.000148120092108
+2.20222766202,1.77471598199,0.00195425959894
+3.55215797516,3.1016571238,0.0503794287609
+2.29484876536,-0.264340100891,6.63888604376e-12
+1.20506696642,2.10667073518,0.000132936829755
+1.6975509627,0.402694908711,1.49935892602e-06
+1.13687390775,2.10562823085,8.59181408596e-05
+1.59497777243,0.903271775709,6.71604879974e-05
+2.67589594442,-0.789177569623,5.81799258964e-18
+2.18862614394,0.846904223665,6.85769216826e-06
+2.3049749177,2.92652640541,0.00697623807501
+3.25038776727,3.65378659224,0.068878680783
+2.85083928128,2.29852100785,0.00770387009001
+1.99311556324,0.952305723828,3.4865094912e-05
+1.96493706134,0.594725542893,2.2939404522e-06
+0.898651622901,2.23674921662,8.42647099174e-06
+2.34277692482,1.91630654579,0.00303119301671
+1.38468031231,0.830442626905,5.83114887952e-05
+1.43796873661,2.61174176659,0.000110494339558
+1.97093493971,1.06320368498,7.85255609516e-05
+-1.67275310005,-0.397005645007,2.95587921728e-11
+1.801237066,0.363117503319,6.43349037899e-07
+1.62677875826,0.780276274943,3.08978461186e-05
+1.79379321691,1.21414401693,0.000253473838655
+1.51168014982,-0.0458107087286,5.84535863442e-08
+2.98506724789,2.52253272443,0.0150280286712
+1.57742056754,2.38326720587,0.000593127683029
+1.65397708739,2.88966770711,0.000159704802161
+1.68733573218,3.38269365897,1.12957643399e-05
+1.26778103323,2.66894354853,2.1382666901e-05
+2.2022254958,2.63961708639,0.00682845521845
+1.72817028154,2.37521179204,0.00132124368219
+0.624903602208,-0.311589991285,1.77133203278e-07
+2.19977617974,3.61175797554,0.000248500723322
+2.65703586781,2.5761320384,0.0180663816865
+2.13297089176,0.854145647296,9.47248355702e-06
+4.4785932003,4.08312943491,0.188119073875
+1.32943542523,2.74618232356,2.38520847921e-05
+1.55913750316,2.35750268995,0.000569725399772
+1.33021325838,3.9886052355,4.3378102421e-10
+1.98979687654,1.56066235463,0.000967170017026
+0.519949548103,0.218575730393,3.65012258873e-06
+0.302499369836,1.59842880997,9.78729427356e-07
+0.367223479923,2.24654951944,4.07567493066e-08
+1.50683117904,0.476723865845,5.47114123391e-06
+1.63190650102,3.7148143141,4.11748237452e-07
+1.71683447452,3.01345310027,0.000141318937762
+1.82898591515,4.11868053096,8.5480588229e-08
+1.44948515084,2.79665825041,5.01312289991e-05
+3.52906825451,2.15814661677,0.000287737937227
+1.19466754284,1.14191406481,0.000159760495442
+1.58438620531,0.93271085686,7.97332864911e-05
+0.395723942822,1.75219518709,1.10014348277e-06
+0.637405219611,0.333922257399,6.37148653482e-06
+1.35540629659,-0.418223603864,2.84099695839e-09
+0.230160659775,0.269031884235,2.52742990597e-06
+1.26585191379,-0.85699747058,2.58763363177e-11
+0.623971132712,2.47725095604,1.29915506637e-07
+1.5196907521,1.05422527734,0.000149935626182
+0.310117864554,1.11685263348,4.52813639549e-06
+2.66329946474,0.871446708371,4.87348018545e-07
+-1.15888405875,1.3197514068,2.29113119645e-13
+1.76946572256,0.585845783338,5.03276197695e-06
+-0.858259297492,0.113331280565,8.71056475462e-09
+2.17206311309,2.42995020695,0.0066858799216
+0.956680910511,1.60919324201,8.7505027522e-05
+0.547914019406,2.50328834763,4.48641590141e-08
+2.70356168218,1.1077740421,4.06428200527e-06
+0.47609545884,0.259711951313,4.04769101762e-06
+0.127549376723,0.00834988664994,9.70234603218e-07
+0.682593087018,-1.14267524984,4.93041904441e-11
+0.784918837056,0.0227670345499,1.26816210577e-06
+1.42602750078,-0.333507157536,4.64575971205e-09
+0.110199053954,-0.70689371095,2.63550817261e-08
+0.996493354242,0.0944017030915,1.3907896289e-06
+0.0579522323603,1.09980244398,8.24341536929e-07
+-2.12875011052,1.70367601437,2.54195928183e-23
+0.448518928114,0.481190861134,7.24497997109e-06
+0.260245128606,0.387942471741,3.52475930192e-06
+0.446705191569,-0.122732460429,7.24847327896e-07
+1.1186671651,-0.846445431063,9.16583884046e-11
+0.680397124549,-0.0705278554306,8.15758544357e-07
+-0.644181645452,0.30377713267,2.99715001173e-08
+-0.320654207167,-0.116894453152,1.95865865494e-07
+-0.00162577603256,-1.0572957877,2.31077872451e-09
+2.91169704814,-0.115989834759,4.40293528835e-14
+-0.224301606259,-0.382189692531,1.2788218069e-07
+0.795401141961,0.0642042773414,1.61345079368e-06
+1.24426570089,0.468939687114,9.67475334085e-06
+0.688267464155,-0.00759434284647,1.18510059339e-06
+0.102308116197,0.582748351566,2.25709181246e-06
+1.42547987124,0.685415453862,2.57788354272e-05
+0.192261265051,-0.403362345916,1.65595508959e-07
+3.50927985247,1.44088673913,2.8851828926e-07
+1.10145117831,1.57051950341,0.000179853941609
+1.58735592676,1.65429302589,0.000886152088938
+3.70182766194,0.819284718201,6.69332447041e-12
+1.69821196785,0.501384674079,3.39030213361e-06
+3.45783083876,0.645466603689,9.72678383896e-12
+1.43445445288,-0.109177827035,4.73387127216e-08
+1.47648822942,2.46245303687,0.000255683770751
+0.337390246414,1.03003060023,6.06886785038e-06
+-0.224293233868,1.02829347785,1.06288945705e-07
+-1.13170915376,0.604288015085,9.06356304199e-11
+-0.0573196289645,2.35387901596,7.22782514568e-11
+1.62007659864,0.754400729763,2.66657845336e-05
+2.31722821652,1.15574993168,4.6057535574e-05
+2.42315294728,0.69079116406,3.93028176986e-07
+4.24166071425,-0.452547088634,2.7118918644e-27
+0.177223409676,1.71029837823,1.77761667642e-07
+0.413473709701,0.258462232244,3.66518137245e-06
+0.520576834475,-0.353128231494,1.6181005593e-07
+2.00394033452,-0.642805393177,4.91947549174e-13
+1.55368917688,-0.724247604201,1.32678410992e-11
+-0.582379435213,0.582876444352,2.36796104961e-08
+0.3542502572,0.351374575682,4.22693497656e-06
+-0.908643713568,0.0779157271993,6.34508639714e-09
+1.04081526175,-1.08702151046,7.57243953088e-12
+0.146112035085,0.130959584854,1.44565870044e-06
+0.997850547477,0.882146381106,6.02766590986e-05
+0.85851923227,1.56097044221,5.53310485811e-05
+2.29024069515,0.386796924051,3.66709714905e-08
+0.394457546998,-0.800670227085,6.66147700551e-09
+1.61348150226,-0.600026280673,4.24538227618e-11
+0.107224496544,0.772478276031,2.13161361729e-06
+-0.818402624802,0.672531786388,1.84776294229e-09
+1.61490190332,-0.071330930862,2.44819005449e-08
+1.24013045323,2.07900999983,0.000176942062665
+1.26533881855,2.11667845544,0.000187390841791
+0.995839860665,2.07426753489,3.59314708994e-05
+0.715265501856,1.91571697216,7.84781063387e-06
+0.594471677416,2.83596636996,4.37616803048e-09
+0.180554053743,1.09657104345,2.0109965936e-06
+1.64711434199,3.54629811295,2.11879141412e-06
+0.812140335018,1.07463054993,5.32303991161e-05
+2.19114874523,-1.49990761453,6.5884850125e-21
+0.9663955676,3.11132085062,3.65640863853e-08
+0.982075944336,0.895813972219,6.09045464948e-05
+0.367639704364,0.646267762898,7.30773706773e-06
+3.41655916142,-1.00880095351,1.01318009273e-25
+-0.305597610003,0.692294946107,1.58591971436e-07
+2.08070232554,0.909662415629,1.84402010468e-05
+0.46744440584,2.40131222229,3.94385432825e-08
+1.45033191691,0.292719950586,1.62767434656e-06
+0.282735117204,0.436917599046,4.12205555601e-06
+0.644621561678,0.939123733323,2.63374933739e-05
+-0.811271330116,0.794343571396,1.07066202267e-09
+-0.648815530816,1.45146791764,8.69307461528e-11
+1.50198255359,-0.0862913714969,4.09814489613e-08
+0.678287985054,0.654456601679,1.85820399695e-05
+1.36644894695,0.0994535013798,4.5466367064e-07
+-0.932095251731,2.1760677447,4.92468310133e-16
+-1.33516211097,0.311856214523,4.71459308886e-11
+0.863182174835,1.44139181305,6.53745430212e-05
+0.558714788982,0.350380136066,6.20408044931e-06
+0.784684709852,0.126522670354,2.35331621107e-06
+0.92286720936,1.27040303674,8.88512296621e-05
+2.50263434759,1.9064598006,0.00245655219689
+0.596576635144,0.364188103574,6.8343755947e-06
+0.627649451088,1.4773420299,1.64707658279e-05
+0.594539501975,0.710436126082,1.68878902523e-05
+0.0779227776355,2.24266987445,1.27224749894e-09
+-0.538741709369,1.88462917154,8.06282617542e-12
+0.0981651123519,1.76090664606,5.93601976499e-08
+1.40501053918,3.96304250422,1.70560193577e-09
+-0.158725248098,0.76384690986,3.93175485504e-07
+-1.43839120926,2.40083656179,7.79248930969e-22
+0.400826828444,1.85233384779,7.00684056292e-07
+0.615120806722,2.73775538088,1.39865027494e-08
+1.05460016315,0.703454628075,3.52204845783e-05
+0.394941025077,0.807142200164,9.01215867011e-06
+0.141030688839,-0.398672196769,1.7121559619e-07
+1.63012585165,2.75680425155,0.000241988302046
+1.4050261624,1.11570085264,0.000188342577079
+0.81246382647,2.67144027477,2.42134585912e-07
+1.22123764129,-0.203041507028,5.62319132999e-08
+1.42991850182,1.47992315449,0.000486496062586
+-0.2991737175,1.71232034147,9.03602884627e-10
+0.381483095325,1.30049798492,4.91678399423e-06
+0.913278467602,2.18268543724,1.22767770346e-05
+0.918865798624,0.991401303348,6.56161679176e-05
+1.28203256652,1.39590557196,0.000305299510467
+0.16059093179,1.94336588975,3.53896659611e-08
+0.125013716565,2.20399282516,3.21465150503e-09
+1.7750368284,3.09071147878,0.000150205967214
+1.36916755165,2.22157887447,0.000266777911225
+2.2562665832,0.885764646028,6.84777597463e-06
+0.345315542928,0.471982478327,5.32751956278e-06
+1.8230933535,1.23716563249,0.000273931493459
+3.46771695967,1.58235329858,2.00889962253e-06
+2.27165305385,1.11034930066,3.93915939011e-05
+0.694188135754,3.12850641519,8.86970199583e-10
+0.608597865783,0.589034320697,1.36274274301e-05
+0.884563930068,1.90696033206,2.87213776447e-05
+0.744213333539,0.793771017588,2.93723980017e-05
+1.23104181743,0.57764367946,1.83942905294e-05
+2.14410720018,0.781615241351,4.86524369727e-06
+0.127323946109,0.146160204547,1.4319987838e-06
+1.14802444376,1.59064721801,0.000217122825734
+-1.08711587613,0.443954003254,3.50099589196e-10
+3.30961442047,1.36368832402,6.75735266928e-07
+1.37601081755,2.16068844692,0.000321208021708
+-0.238243753773,-0.461474976918,9.25262351012e-08
+1.58171483013,1.09465223563,0.00017374843251
+3.19066353832,0.748335450498,9.70143810444e-10
+1.12430424983,3.07990146208,3.09498844983e-07
+0.432067606058,1.11508767704,9.39629483644e-06
+1.46354897575,1.49968750321,0.000538865271211
+0.81675810682,1.12916827317,5.6189069897e-05
+-0.327783049602,0.845854886552,8.49723560656e-08
+2.05374043312,0.576253443295,1.22581653282e-06
+1.10610858554,0.721302676939,3.84551819989e-05
+-2.38131909875,0.708640427892,2.57065627076e-19
+0.994618158057,0.76443528584,4.20807891323e-05
+-0.27320320892,-0.104951343361,2.38204238222e-07
+1.40611629227,-0.108075329228,5.57076517911e-08
+-0.634774936968,0.831629450158,5.44634289744e-09
+-0.091751047598,0.530652223674,8.28031784711e-07
+2.57587507031,1.01061837582,3.56328270415e-06
+1.48410110133,-0.556229157698,2.18488167635e-10
+0.504413808504,1.32769693419,1.03325472768e-05
+1.05786324799,2.44651413631,1.14203340414e-05
+-1.00050961335,0.906628078187,6.18346016762e-11
+0.359000076675,2.89666231298,9.3613422216e-11
+1.03762151694,1.66515948189,0.000123592352922
+1.74110095566,2.43360036118,0.00126660674039
+2.8681274171,4.16579077499,0.00170375384287
+0.872624416189,3.01706419129,2.72916387166e-08
+0.219233113544,2.40436648195,1.85773025034e-09
+2.37888387763,1.8846002235,0.00261040058919
+0.519957323586,1.21940511257,1.35478703571e-05
+1.78931231846,0.858203382695,3.40408003702e-05
+3.36716371963,1.85720092326,6.07732249307e-05
+1.19999219464,2.38722860606,4.80938985312e-05
+-0.167317342599,2.53342801466,2.05549391803e-12
+3.64645620181,0.935440630636,8.03896393674e-11
+0.616576523987,1.45500872966,1.61118750718e-05
+0.352096080749,1.85370985328,4.39349146624e-07
+1.42198998943,0.498895827627,8.07933567038e-06
+1.81900673871,1.12158258391,0.00015365723859
+2.26068623012,1.11409723749,4.23459823888e-05
+1.84340223232,2.30242545672,0.00237287437054
+2.42116329611,1.46675578432,0.000274595734053
+4.30168150502,1.84833762601,1.51530879708e-08
+1.02689118541,-0.240982587748,9.23892244169e-08
+1.1810669513,1.31339846795,0.000211025015779
+2.39500467368,0.666183288374,3.68171748414e-07
+0.264556330545,0.734129978981,4.93199825066e-06
+1.49749287194,2.71362970915,0.000110076060037
+1.14827724001,1.40819333014,0.000210361577547
+-0.82877924403,2.28870508503,6.96326761306e-16
+0.624795291675,0.540198779863,1.24212210734e-05
+1.83711014942,0.567917433067,3.29012499339e-06
+1.77703220059,2.06606363228,0.00202095674701
+1.08912896586,0.83836756372,5.89336773099e-05
+1.55095393603,1.17693141732,0.000244665456813
+5.42314760507,2.17834428249,6.34248378129e-13
+0.0861326655498,0.734701762202,1.95411310953e-06
+2.53623428441,0.461965185451,1.22875680431e-08
+2.07960218563,2.96257900284,0.00204811003557
+1.78525941954,1.29289494176,0.000364212900757
+0.529135842458,0.871276797953,1.61950058206e-05
+1.63724368044,2.16229970342,0.00116461956292
+1.59315836138,2.46825845131,0.000519638910217
+2.01218647013,2.4615728922,0.00396315250416
+3.41451844531,1.52934248842,1.74983686512e-06
+0.965661047517,1.63319907411,8.88099293363e-05
+1.55329025059,1.05399053408,0.000147474726445
+2.63721828285,0.280419453718,4.62791625116e-10
+1.42816776608,0.832091612902,5.66947436476e-05
+1.02555841365,-1.25447217367,8.69329243815e-13
+-0.0185213973041,1.34961796392,1.7210385502e-07
+1.27516904143,2.34560298103,9.83842813354e-05
+3.43901575672,0.717815016669,3.72899970084e-11
+2.33551235882,2.12473331682,0.00576130519184
+2.26996222261,2.52821324156,0.00878563442539
+1.51105452559,3.65351751334,1.74843280582e-07
+3.78406901016,2.55158247157,0.00139922204679
+3.35116355278,3.68625001971,0.0868931140167
+3.81494763139,1.80513310523,1.20375148986e-06
+1.11286556956,1.11376493772,0.000128676721156
+3.15770852012,0.0384252535473,2.2540499876e-14
+1.52348245946,0.639529668535,1.60098171825e-05
+2.17073223225,-0.238923992262,3.45419926833e-11
+-0.50498879481,-0.510461566954,4.25155853645e-08
+0.65194107462,0.114487159091,2.38116032516e-06
+1.75724262638,-0.704955387329,2.54224039137e-12
+-0.0185372592728,-0.246868221556,3.04849484157e-07
+-1.27401203036,-1.3700579677,2.6101856364e-10
+-1.69478849589,-0.17360905749,1.00189856023e-11
+0.695114602889,1.14058078193,3.45148481487e-05
+-0.280196418651,-0.37732211297,1.15247109664e-07
+-0.740179461468,0.125843351814,2.04204698458e-08
+0.0430450990263,-1.11036723937,1.31432792994e-09
+0.237839806288,-1.70409218552,9.01608682284e-13
+-0.469606329192,0.188173532053,1.12746226987e-07
+0.254049303086,0.944098574388,4.15293719398e-06
+-0.713010115184,0.901768077034,1.70085572052e-09
+1.1391157709,-0.0407978762271,3.33270801148e-07
+0.615592905301,1.1340823398,2.40377060194e-05
+-0.859832520086,-0.288762098573,1.27604500639e-08
+0.247661508879,0.447530224591,3.72883755106e-06
+1.94443313372,3.25238712085,0.000243603819617
+1.73510809013,1.45111736229,0.000663472614712
+0.612822489064,0.354049958755,6.71330857517e-06
+1.87637415134,1.57430253072,0.00102862832609
+2.62571063333,0.323760288477,9.30095184467e-10
+1.48052015735,0.536499499757,8.97822051029e-06
+1.10316739311,1.59240123168,0.000179337073793
+-0.0646773352658,0.954846066249,4.91555969043e-07
+0.337181966128,3.29551545715,5.54117804697e-13
+1.72998081002,1.62657099742,0.0010684616006
+2.68939568739,3.30498579683,0.0171446182582
+2.97899284119,4.49720031344,0.000496462960352
+1.64431408176,2.62556279862,0.00043727942607
+1.91902122513,1.50404750906,0.000801038420808
+2.98115777116,2.56727459542,0.017541463095
+2.16600250633,3.76067301903,7.13366155709e-05
+2.30446493867,1.64561620127,0.000999050881147
+1.6090612766,4.38537542919,1.89158566365e-10
+2.75767955196,1.31721042311,2.01114253564e-05
+1.89514728945,0.253220751239,1.2958696015e-07
+0.819303431743,2.64228867802,3.24557923013e-07
+1.07164255097,0.788476651078,4.88829516276e-05
+1.72200376411,-0.072149323031,1.21091106606e-08
+0.864948897541,0.133065035278,2.2395277689e-06
+-2.04167471332,2.57800913114,1.87652471876e-29
+0.554666096206,0.855628536072,1.76945840295e-05
+1.84739189427,0.817038957512,2.1619428526e-05
+1.81345217752,1.34288639223,0.000442228342575
+2.077164477,2.63865733837,0.0042124310671
+2.58892911908,1.91923815604,0.00224920759089
+3.03539220174,2.15632997866,0.00252520861528
+1.93951742069,2.99135162696,0.000781368453599
+2.55273626237,2.13321683754,0.00572350925418
+2.28463395637,2.7793677014,0.00802482745531
+2.14913577946,2.69589092732,0.00524012225751
+1.59183137936,0.325202574183,1.22201858738e-06
+1.20028139615,1.01660858507,0.000115934810692
+4.18641423861,0.266654760645,1.32556658542e-19
+0.59098734215,0.673327451618,1.56421772674e-05
+1.76391236211,0.71223203764,1.33891709413e-05
+1.76033397472,0.0965746978107,5.85877375519e-08
+-0.970340903606,-1.25330290312,8.65361876227e-10
+0.876315350005,1.79824439071,3.74241741637e-05
+0.495548087996,2.68230472052,5.14016956053e-09
+2.02288188635,0.568811574079,1.35087128813e-06
+0.748745097004,-0.112123023024,5.59542093951e-07
+0.675199292941,1.46703243063,2.25609503673e-05
+0.64144236772,2.95222518072,2.62824733031e-09
+1.16722872261,1.14814091586,0.000153989605494
+1.51486611174,1.15600408557,0.000225457251815
+1.36957285845,1.14208495723,0.000200396400413
+0.64356215005,1.20345953069,2.6525191208e-05
+0.930279365127,0.982341343276,6.63676216858e-05
+-0.164363875345,1.62948842082,8.0545677365e-09
+1.41588323495,-0.153456252985,3.35578087666e-08
+0.0306066597113,1.68069230628,4.78938263272e-08
+0.938457260233,1.79866075671,5.55568173385e-05
+1.39120576366,1.24883939199,0.000278616740436
+1.94506986518,1.92188010188,0.0025848023561
+2.55285077741,1.18340181654,1.92417921859e-05
+2.00496611755,1.10006034677,9.05147619104e-05
+2.36888380821,3.77828286481,0.000360966166325
+-0.335496952061,3.48166951969,1.14315397312e-19
+-0.156963606864,1.25285155936,7.47991014809e-08
+3.65167774349,2.97172506814,0.0256416857233
+2.03363120414,1.15688271289,0.000119711159882
+2.48561038028,1.89620635212,0.00240751563034
+2.3988636497,0.668916399318,3.6901811084e-07
+3.71877294976,3.23204163172,0.0594191128459
+1.73596098113,2.70180074842,0.000604878980095
+2.58215117281,1.46735403452,0.000154789942569
+2.23825837681,1.49968999992,0.000536275212522
+1.0557483427,2.48694598997,9.03189084539e-06
+0.28230986523,1.5423836033,1.04537093454e-06
+1.57960736439,2.5462611669,0.00037681835363
+1.40788116213,-0.0767877351166,7.49633916996e-08
+-0.129013220734,1.46738122287,3.22334467403e-08
+2.65190478247,1.97829396537,0.00264274167938
+1.63842663519,2.0219197131,0.00127667566923
+-0.208612005475,2.56560878751,7.38235330333e-13
+1.62998823002,1.47681736524,0.000663297468646
+-0.287070921759,2.93664299771,1.55485911767e-15
+2.8572810727,3.36682540973,0.0292296982691
+2.79010807331,-1.76201929963,2.91170722702e-28
+3.19970287002,3.09075376642,0.0579713575079
+2.7694338903,2.2575358212,0.00732330556112
+2.14497068617,2.80570558352,0.00428073132759
+1.23987971349,2.48431224139,4.26970824281e-05
+2.10145734238,2.83992531238,0.00322151770275
+3.51782363144,2.18587358268,0.000381480188257
+0.985013820177,3.02772913923,9.62834724093e-08
+2.20785489737,0.122540277833,3.01791015562e-09
+1.62192966162,1.9759278741,0.00121394371805
+3.25290873563,2.71921922378,0.0211889159655
+3.37634910554,2.38151171003,0.00288097575739
+-0.434380928731,1.18501092138,6.70591023206e-09
+-0.282787674439,2.12667877564,2.86966013387e-11
+0.905873525448,2.61942964136,9.52466495378e-07
+2.82524149172,2.21808741396,0.00573131294024
+-0.0248357844407,3.54551682458,2.1043347756e-17
+2.15547311018,3.26630418994,0.00105915208026
+2.17560025667,2.73118670878,0.005558272684
+2.52842240813,4.75705272885,5.60715151232e-07
+1.7107508112,2.87570324557,0.000259588558909
+4.17746905578,3.02507454548,0.00471385234516
+1.66370794614,3.93452813096,7.18644946447e-08
+0.584994189581,3.44341370009,4.50420173417e-12
+1.89389217355,2.29132945904,0.00287614784326
+3.05273413663,1.93914708486,0.000606463066132
+4.21370934745,1.13868522177,1.15250734831e-12
+1.66440431359,2.69178410469,0.000394687069405
+2.1254359896,2.46442885734,0.00582229898234
+3.28441721463,1.60346853573,1.00280043395e-05
+1.01636821096,3.74605832496,8.03179025653e-11
+0.573164436351,1.53958265784,9.85250463492e-06
+-0.482742119614,2.37232171736,8.9807654804e-14
+1.77178832604,2.16793673506,0.00196485571339
+1.613755698,1.43292253989,0.000580900004119
+1.97108483825,0.670953009546,4.29954696661e-06
+1.66150577683,1.33748600033,0.000444211699138
+1.55797985837,1.83705880104,0.000965925977057
+3.29552762593,2.72414199563,0.0200741068762
+1.91575588414,3.26276151915,0.000183674112604
+2.12721572307,1.9456519933,0.00330469400826
+2.29557420725,0.711234796378,1.10278528071e-06
+1.25550018472,1.79831700221,0.000305748009123
+1.54627757036,0.612286621825,1.26367577444e-05
+0.87421810638,3.50377985364,1.77366577789e-10
+-0.8889717065,1.90423825726,3.00975085044e-14
+1.70982427532,0.128574262882,1.09966188968e-07
+1.62383885649,2.1364170784,0.0011280094993
+2.64559437514,4.00015131803,0.000846017623101
+2.34554309977,2.37656080687,0.00932361831687
+1.131287666,1.36696753576,0.000193325775462
+1.61313079863,0.646037060623,1.32705775706e-05
+1.79564150042,1.85681112398,0.00180289747054
+1.10261988765,0.46718444872,1.15591206978e-05
+1.14161701027,0.396512654345,7.37847984966e-06
+1.41281658449,3.40294691488,5.32642898658e-07
+0.630810596953,1.49033951729,1.63314581049e-05
+0.895562167433,1.96015586276,2.60159455638e-05
+3.63240943986,2.52311121726,0.00240884598662
+2.12939598378,2.16980143164,0.00505287987901
+2.67329225517,3.18406529998,0.0198843052274
+0.924203043803,2.61632393447,1.17317312441e-06
+1.27869076127,1.83342629682,0.000329040002801
+2.10870261889,2.2999870509,0.00544800553754
+2.57263674721,0.109376446494,8.21004177151e-11
+1.27387048709,2.05297863679,0.000228409659288
+2.65013144253,4.62307700034,8.15289094415e-06
+3.41426075258,3.90472445123,0.0777181445967
+3.64925974173,3.3416440381,0.0875554777094
+2.84757446055,3.9809268609,0.00391787911146
+2.50734272319,2.52445293299,0.0141787108221
+3.01804249371,3.47685986521,0.0428377466432
+1.64332022996,2.5119523361,0.00061822195777
+4.38464148335,3.05977263279,0.00192073035159
+2.46589136466,-0.176124852097,3.86058830595e-12
+0.703743593913,1.94666114044,6.28677463146e-06
+2.27583251005,4.60600361357,1.29305257985e-07
+1.42741053082,2.12125097647,0.00045859954397
+0.450037014975,2.26175168619,9.19059317865e-08
+2.83828925563,2.74458613184,0.0274141039005
+3.22203947758,3.07040243059,0.0564907456181
+3.29603392117,3.63164150118,0.0795722608613
+2.70135207414,2.68583050347,0.022195588392
+1.69474238232,2.63627236613,0.000580098475177
+3.91425392821,2.93405634535,0.00894667886724
+1.49652048643,1.51066792376,0.000586026674461
+0.653163474037,1.4685793147,1.96689139297e-05
+-1.10669952936,1.35650971148,3.48645204778e-13
+2.42918624993,-2.25712048821,1.5799267852e-30
+2.09769074403,-0.151238059708,2.31631243959e-10
+0.558332125444,1.05024777971,1.8874134907e-05
+-0.659907251882,0.610801065653,1.0930602988e-08
+-0.576104944656,1.3359948271,5.17512309888e-10
+2.54891782259,0.692974082578,1.63197232101e-07
+2.45640191423,0.623421423541,1.50663195958e-07
+2.14510435831,1.91973235395,0.00312127316584
+1.32339954922,1.3445455703,0.000308994906297
+2.12111756794,-1.31988038442,7.43791831469e-19
+1.81773424536,1.75112598154,0.00156377841847
+1.83727950143,2.06353215438,0.00240492414247
+1.97763386243,3.52498433868,6.41286530305e-05
+1.62788530994,2.33855623014,0.000858673602026
+1.60917759842,3.05974975064,4.50639381736e-05
+2.19611697449,1.99224809132,0.00386609644281
+1.16806981508,2.3910957088,3.69679496845e-05
+2.33127680041,2.85073007904,0.00876980740646
+1.6335229434,2.97673144628,8.78115003728e-05
+1.24874859614,3.86524587194,5.82409535861e-10
+3.66941532645,4.10994331822,0.117475888969
+3.19265168254,3.3679880082,0.071301199552
+2.97323219791,4.84306414683,3.11831529364e-05
+2.37698608987,3.03134018351,0.00781195412848
+3.02471332165,2.39425058991,0.00854404153622
+2.38837032563,2.44396155884,0.0107911807288
+2.36632572857,0.405692778845,2.53144972898e-08
+3.44774721106,2.9763881247,0.0389516290535
+3.76113475849,1.23798685841,1.66435307909e-09
+4.78927153667,3.55451145061,0.0056278887869
+3.5441933883,5.09305323192,0.00071068352512
+5.04570970403,2.14924058939,1.00924547558e-10
+4.08004216514,2.16486318573,5.94685679468e-06
+3.23125670923,5.1954000539,1.70754147694e-05
+3.16580270202,3.54580651532,0.0613383825149
+4.2758511753,4.6860114756,0.208066693114
+2.27145847496,2.52730140663,0.00881992051809
+2.37474181284,3.01390562871,0.00801205916378
+2.5149699841,4.85319598595,1.70053667641e-07
+1.11692091305,0.651484931273,2.85239999939e-05
+-0.750506799813,1.97985625186,1.1820720677e-13
+0.830582381227,0.346186154248,7.22867644205e-06
+0.670443916567,0.302371139401,5.73695052368e-06
+0.671190139719,0.510002936523,1.23045942509e-05
+0.16945542777,-0.288807031013,3.03958430834e-07
+0.216750743335,1.84623897037,1.20146267281e-07
+0.413735230596,-0.821706174802,5.18911511949e-09
+0.67979086188,1.06920134296,3.21726776701e-05
+-0.354633082344,1.88252477334,1.06381264395e-10
+0.609553392095,2.24083200165,5.65188899882e-07
+0.655916715399,2.0519510885,2.55738021975e-06
+1.05346516288,-0.032855883022,4.7171814902e-07
+1.09199180981,1.52365747482,0.000175447617082
+0.0148494596269,0.11295029259,9.60992199034e-07
+-0.00959840388722,1.44547952726,1.18164911981e-07
+0.533105213391,1.87202976773,2.08854610886e-06
+1.20511212094,2.97160096289,1.72436987366e-06
+1.33806190492,0.338335326856,3.29783310293e-06
+0.678682038179,1.20099264932,3.14910713343e-05
+0.588612161764,-0.1351014928,6.10844872525e-07
+2.25632269057,0.521641450722,2.06456180171e-07
+1.63975268544,0.040992411893,6.79715418194e-08
+0.451306179476,2.01827013816,4.52971828091e-07
+2.70492595242,1.18424761972,8.27629410392e-06
+0.307370551141,0.752906645597,6.02629286708e-06
+0.514516641785,1.70335363498,3.69153190091e-06
+-0.135937270933,1.44364235247,3.43463979767e-08
+1.64568265578,0.209484527412,3.40483892012e-07
+0.65394094198,0.972405016739,2.78933206302e-05
+1.35033454139,0.151606822181,7.50805847053e-07
+1.12976790239,1.304375885,0.000181256545512
+0.825324561615,1.24951729172,5.99746855468e-05
+0.806019589246,2.56703248976,4.85102157081e-07
+1.88125213207,1.39972148803,0.000538154988175
+2.85693281716,2.65457909681,0.0232665720326
+2.24603909452,1.27957337546,0.000142219706629
+1.88253978025,1.59859276747,0.00111309943874
+0.875778580443,0.0843246083085,1.63134363938e-06
+3.34142264132,1.39276706039,7.16291451156e-07
+1.6643933914,1.70979701733,0.00112591530727
+0.816248304325,1.44996397455,5.111508321e-05
+1.95834454109,2.82657221317,0.00154825840095
+0.638289145156,1.51615235855,1.61567589529e-05
+-1.16221675716,0.387998938339,2.088064372e-10
+-0.0767166488373,2.57194938163,5.33453884088e-12
+1.22055756768,1.56767414325,0.000288128233777
+2.22428527399,1.62413444222,0.00102080204182
+1.02100562898,3.19071881186,3.44041589394e-08
+2.41146240905,0.351492522569,9.16728054926e-09
+2.28404451413,0.170388677549,2.87306212558e-09
+2.72747295044,4.12051119065,0.000772279528
+2.54613383356,0.000808310585905,2.25976935259e-11
+1.44909711474,2.12794714063,0.00050658917643
+-0.176016941364,0.719588390652,3.81519102476e-07
+-1.86041175848,2.67634998541,2.48696998301e-28
+2.96988657215,2.90106943747,0.0382871482407
+-0.211792010072,1.68390587447,3.19798220518e-09
+1.40854217923,3.33179986961,9.23761372074e-07
+0.273207201686,3.38984667893,5.2660205097e-14
+1.64959867837,2.51716540434,0.000632151698478
+1.88493869091,2.99228240664,0.000538865203681
+1.19803152298,1.68198211523,0.000257801116102
+-0.503162969872,1.65713781441,1.05628051596e-10
+0.554545436213,1.81352589311,3.25902522415e-06
+-0.0999582970408,2.87300258617,9.58516498797e-14
+1.61489841179,-0.53274721894,1.02344148635e-10
+2.21477220989,1.36778924895,0.000269256614567
+1.90472221004,1.52276015584,0.000862052153445
+1.19052310978,2.85649400992,3.3416211959e-06
+1.80057052205,1.06683844338,0.000117702930838
+3.60977776943,0.927409675444,1.10956916688e-10
+0.776515933976,4.06038262672,2.14180211577e-14
+0.550807247294,0.0389591627275,1.65100418799e-06
+1.88927258178,0.318472401809,2.59264274857e-07
+3.73665452426,1.15310513643,6.65517692189e-10
+1.42960611584,-0.87043869305,5.31457089186e-12
+1.87813267215,0.816214552226,1.94164039303e-05
+1.33361886764,2.44091751859,0.000103875949175
+3.99276463631,1.59889623975,1.69828875921e-08
+1.41314061634,1.81531918812,0.000584198637108
+1.74678279855,1.71218015519,0.00130685488668
+0.684636899419,1.2607555763,3.1243428427e-05
+1.83187265589,2.33401458115,0.002206354882
+2.09427182037,4.20613025226,8.66935833457e-07
+1.25750171523,3.35269915444,1.36833351964e-07
+-0.455222548248,2.07824786844,3.83414538425e-12
+1.07664321154,2.04374010584,6.95670856468e-05
+1.47873642091,1.23740991678,0.000293402224371
+0.856363506804,3.61668951456,3.50105544465e-11
+2.34561545008,1.07716436431,2.20540534954e-05
+0.670872864414,1.08772193095,3.10826306235e-05
+0.90446223466,0.849845898207,4.7195585953e-05
+-0.48817096173,1.0499311626,8.00653136686e-09
+0.777117236021,1.89096448216,1.39163863726e-05
+1.55114666682,1.07171157101,0.000159578437096
+0.911712696858,-0.166661136094,2.5423438469e-07
+1.09236666945,1.18037439135,0.000138654734565
+-0.747485136934,-0.33715026126,2.28242882199e-08
+1.42228169741,1.23482238648,0.000277454534723
+1.84323777785,2.60085126869,0.00149735480129
+0.332536290413,-0.558478761599,5.30793266616e-08
+1.88680098151,1.76098118087,0.00173562639796
+1.4710989868,1.46148892795,0.000510617964779
+2.46926370435,1.10394797456,1.5075881429e-05
+2.62552112209,1.07024279245,4.624547935e-06
+0.925236347159,1.7406554088,5.84522140861e-05
+1.16421608578,1.59209543052,0.000231878912619
+0.430936009415,0.918933371179,1.06683606185e-05
+1.60228261311,1.6410409331,0.000895437505365
+-0.0223239184221,1.55068339885,5.95386232561e-08
+1.82760260349,1.9952459399,0.00224633246187
+0.0400146077144,1.82278478025,2.12787258078e-08
+2.21024322411,2.82399184143,0.00555080877151
+2.86609871913,2.68590021249,0.0249235536134
+2.67643316571,2.98288220096,0.0241991106363
+3.37930646083,2.25039525865,0.00122268532462
+3.35595002513,2.44547784332,0.00451935869392
+2.86782341754,3.5995203239,0.0185363255666
+1.57393088329,1.393041231,0.000501620387947
+2.30405032931,2.81480114586,0.00827409060891
+0.801024836924,0.308617434164,6.06199545392e-06
+2.17774457546,1.03742573065,3.31183490694e-05
+0.584034124721,1.63431106818,8.02565617523e-06
+1.90594130821,1.41050547772,0.000553765427504
+0.731522463186,1.11495229556,4.01686974752e-05
+1.27712642577,-0.320243150717,1.31513255548e-08
+-0.0409548813879,2.33395875953,1.10772003509e-10
+0.56976197267,1.93838814724,2.09576012166e-06
+1.73471949798,2.15075624494,0.00173001786569
+3.38103661264,1.43954709626,8.64816385819e-07
+2.16878925066,0.798719418035,4.99237101239e-06
+0.473184836364,1.4170754187,6.86892256731e-06
+3.23273705548,0.908447148191,5.43795462574e-09
+3.36484771338,2.86994174869,0.0306472900488
+2.55404195145,0.852323893385,8.58868382903e-07
+1.09575509298,1.74191400001,0.000150555147178
+1.82259774491,1.71732381656,0.00146433903455
+1.28235384588,1.68466879921,0.000363251894479
+3.45438560391,3.9925080811,0.0750854230261
+0.930289445561,2.61119461822,1.29164450284e-06
+3.343806884,3.09506952192,0.0589645481219
+1.88500516464,0.831177434193,2.11328339566e-05
+3.2066423069,2.81343545584,0.0308622277801
+1.97497781199,1.22461632406,0.000203457341275
+2.28421347766,1.70706736048,0.00137283851957
+1.7893285502,-0.629234964827,5.572188476e-12
+2.92089667257,2.12767530559,0.00300828413327
+1.52718456789,1.8626025469,0.00087778808447
+2.05357413412,1.89366545259,0.00276157883461
+2.49165398227,1.93553582497,0.00283128714409
+1.94145000714,2.53511909674,0.00273160080105
+2.45579150525,-0.260280149727,1.18106576687e-12
+2.11692057338,2.3100069933,0.0055862567823
+3.44456772209,2.14407005727,0.000411258508435
+0.92875781907,1.33054899496,9.18739750402e-05
+2.46463880193,0.906584481661,2.60516864522e-06
+0.804048627856,2.04279654762,9.38559413891e-06
+0.216073680634,-0.0815318532062,8.02805659437e-07
+1.27994651258,1.31619029089,0.000268252010876
+2.15555818745,0.622879385137,1.0760203606e-06
+1.8403877451,0.484284154629,1.58257600576e-06
+0.519526621281,0.669518481142,1.26403804662e-05
+1.77231806122,0.907543154941,4.88047119783e-05
+1.60265138186,0.836774112366,4.56144969371e-05
+2.16539578279,1.23159631465,0.000133118683646
+-0.185479662427,2.86573659599,2.46960282205e-14
+0.74141814236,0.0747693248675,1.82077385723e-06
+0.0933322469965,3.02866347663,3.19335930545e-13
+1.32637901119,0.667687980822,2.68365993935e-05
+0.99215012641,-0.037887170487,5.42841689494e-07
+1.73149212705,1.48795185893,0.000742671387169
+0.0903387491215,2.02760776336,8.65945390569e-09
+1.80258227492,1.46286605216,0.000700521621673
+1.02664245564,0.69629501647,3.38091973036e-05
+0.737865491859,0.714867638661,2.43876145401e-05
+0.966184245578,1.80509379349,6.49095190611e-05
+1.33375174145,1.77161021095,0.000434396497719
+-0.342884695347,3.03748515122,1.27683010508e-16
+3.27498220783,0.493462780323,8.77470888652e-12
+2.34416732599,1.14398036694,3.76139337407e-05
+0.192888784441,1.4621973693,6.82016094728e-07
+0.852000228873,1.91209201599,2.24043373201e-05
+1.41548620647,1.62222261763,0.000557274166419
+0.606717679287,1.215072791,2.18095922236e-05
+1.03578020113,0.552131502146,1.83982892239e-05
+1.29614856992,3.5958176501,2.13574491753e-08
+2.19207181846,3.07139313747,0.00276015323963
+0.3543758325,1.80836960038,5.71688351999e-07
+2.0784781641,1.17396556082,0.000118145359102
+-0.928726751924,2.10043579536,1.40018684818e-15
+2.53002871476,2.48322403168,0.0137729724031
+1.67029516537,2.56848413886,0.00061635082137
+2.14165655769,0.0868033143059,3.36271150541e-09
+2.47140133603,0.90642337044,2.49665136255e-06
+1.64648592428,3.54202153569,2.17983185015e-06
+0.350875667463,3.27197536457,9.42136236419e-13
+1.80272711927,2.06446941435,0.00218173150081
+1.11532423396,1.3284181638,0.000177986832057
+1.0002327336,1.86249917382,6.98626088806e-05
+0.210960321606,1.73183521203,2.1946431243e-07
+1.7945938679,0.64301632361,7.15424763264e-06
+2.1614761837,0.988911443135,2.44691829888e-05
+0.021447540865,1.76000968573,2.63595734955e-08
+2.75788426246,2.43303685544,0.0133747869925
+1.67718248736,1.30155397343,0.000390981229861
+2.19027194411,2.86507186038,0.00468703689961
+1.74066358589,0.681011787883,1.15205591488e-05
+0.462969699195,1.00147150134,1.21430122189e-05
+2.68804422236,-0.0866579833384,1.18947845099e-12
+0.352114100063,2.93450106742,5.57848003262e-11
+-0.314881342841,2.21301317577,7.47082599631e-12
+2.85733104865,2.51968163884,0.0164960210707
+1.74371094761,0.67137989286,1.06271928937e-05
+3.71800520649,3.52320019031,0.121988996524
+3.18884074946,1.73642832913,6.31621875495e-05
+2.20661347216,2.23393146117,0.00624384683084
+1.73267557629,2.88744133504,0.000288871235477
+2.34892980845,1.81669451594,0.00204034393339
+0.417123254468,2.96933493868,9.78979288563e-11
+2.32080633935,3.86393080635,0.000139717536361
+1.29469251597,2.36316523056,0.000105788806897
+2.17813809682,3.49344386057,0.000410660856738
+4.35120675015,2.22059120445,9.16495513889e-07
+1.19738043551,2.55488364382,2.14319372026e-05
+2.69382104953,2.86500758892,0.0253231292304
+0.0981531969484,2.40657398833,3.68523513719e-10
+1.67206860772,2.80630484103,0.000265109573871
+2.56722360817,3.11854460227,0.0147512959336
+1.74297611279,3.55673813499,5.34806612453e-06
+1.62331201257,3.11096430255,3.75932673889e-05
+1.80476084378,3.92050553486,4.55059211677e-07
+3.01298203549,2.0655039274,0.00159830499544
+1.3165857143,2.18238302979,0.000215511001557
+1.02083667169,2.41580760445,9.72820138523e-06
+2.07972674494,1.80039516444,0.00217529501909
+2.41250128631,1.74337930603,0.00133245245507
+2.39325708064,0.447408017295,3.33051610934e-08
+2.98942220099,1.17906690868,1.15026387843e-06
+-0.655237787721,2.86754714563,4.19531940448e-18
+2.97619527383,0.425345778646,1.02260562487e-10
+3.8748874962,0.633794948904,2.71630148941e-14
+3.12373168443,1.40817112911,4.5535497555e-06
+1.42100929183,3.02855465988,9.91348952326e-06
+2.76739868918,1.91091736088,0.0014049268658
+3.37815549861,1.96130897899,0.000138572187303
+3.17524910609,-0.991844570961,1.65021836457e-23
+1.2164983332,1.8134926837,0.000250824451374
+0.951778350504,2.0666159671,2.67708375755e-05
+1.26477135011,2.30743567735,0.000104977108019
+1.21636877747,-0.0332915915376,2.65848271624e-07
+0.472879324749,2.55508766527,1.19510870919e-08
+2.33508161718,2.37302998961,0.00913301514672
+2.6922899294,2.0075580201,0.00280620950446
+2.18101503877,1.30907078736,0.000206665229732
+2.20420906073,3.14266188903,0.00233874273334
+2.09568264274,2.08823968202,0.00425977316288
+3.05937492075,1.79976766947,0.000213588232033
+1.15145863797,3.33847888203,4.30890932227e-08
+5.27735267446,4.68283864852,0.150869915865
+2.51064962257,-0.120049564026,5.49178103858e-12
+1.61028693053,3.02188483175,5.65551904335e-05
+1.2424004169,2.50877958901,3.88942552784e-05
+2.81450036973,1.63208011937,0.000191473347864
+3.45332619819,3.4579827316,0.104055540673
+0.442242952241,3.12254409144,2.48916223101e-11
+2.18886201755,2.55828603517,0.00687899493767
+2.99530051574,2.21688150024,0.00393217513614
+2.9688898127,2.50054604999,0.0141694486294
+0.185286186334,2.07233236657,1.86522322903e-08
+2.03159855526,3.37964177537,0.000243307810617
+3.058299998,2.28787947365,0.00479048435782
+0.815970473821,1.63558782979,3.77631744095e-05
+2.77932970607,2.0966086719,0.00359748848867
+0.945119312767,1.31567219316,9.78816058588e-05
+2.98197549009,-0.308424112828,5.49744155768e-16
+0.645473210747,1.03742799341,2.77176166773e-05
+2.93210451035,2.14893444535,0.00326463459223
+2.6473417275,0.834070162095,3.66800648346e-07
+2.93516803547,1.63568652348,0.000110830001944
+2.58713599845,1.09077970662,7.03746263589e-06
+3.313140805,0.506613331707,6.72816776844e-12
+3.86021320722,2.31670213144,0.0001382105452
+0.125192945444,2.94088451783,1.61121861048e-12
+3.37682019206,3.70081214996,0.0912955468354
+2.39247972962,1.81462556853,0.00191549817757
+3.29577120168,0.872603607295,1.75362308285e-09
+2.54174432628,1.81961285793,0.00151149555211
+1.19317503317,1.1331901148,0.000156181763829
+0.0686480947935,-0.554932817155,7.18740490724e-08
+2.486932813,0.925287757505,2.72042331932e-06
+0.195650781543,3.29239496309,5.33581226961e-14
+1.25513381099,1.55030343456,0.000323575333247
+0.725661942175,2.25636157003,1.59978651793e-06
+1.00599774072,1.78916412884,8.51489793666e-05
+2.38643276121,1.85891355978,0.00233305600477
+0.771831442872,1.87585706522,1.41274873733e-05
+2.63395060893,1.7429415704,0.000782752574143
+2.50655004064,1.64180042053,0.000622049097993
+0.739584668532,3.5968282379,7.34010035854e-12
+2.29997209643,1.56617249143,0.000672696426255
+2.64496745044,1.44899056602,0.000103798175047
+1.00246869036,0.972791398912,7.6140479771e-05
+1.23289474956,0.655469154407,2.75701175942e-05
+-0.207701001474,0.112537753031,4.24052090018e-07
+0.48524996767,0.532525755817,8.90466840996e-06
+1.11599169923,-0.766715118162,2.46472285171e-10
+0.425413208059,3.24106820301,4.59808763153e-12
+1.40289543162,1.13870143896,0.000203173147077
+0.837474771788,-0.577015847982,9.32214180319e-09
+1.69980262545,0.403889647624,1.49983502998e-06
+0.774449134439,1.2830390744,4.75071439843e-05
+1.79518699888,1.21742009894,0.000257056752011
+0.211048245405,1.1317672874,2.28705167983e-06
+1.69510737262,1.06128375742,0.000134254595641
+3.41664230948,1.05936382923,6.10301508082e-09
+2.24926568478,2.15717962552,0.00582536295099
+4.06674638289,2.83557010818,0.00233537305802
+3.74665770347,3.06353161379,0.0298083655065
+2.79277893155,1.70335020283,0.000348972809505
+0.433158890378,3.19067197317,9.62536142891e-12
+1.2871381795,-1.10062132599,7.39621035552e-13
+3.33953426889,3.86073704888,0.0660052267865
+3.68211541469,3.38769397852,0.0949921999923
+3.59832628963,2.0409066115,6.9544412697e-05
+1.00691957339,3.20159038499,2.60747655955e-08
+1.63836742422,0.209291201697,3.52581663643e-07
+1.31736875274,1.98819455641,0.000325774987429
+1.63942419298,1.13254030638,0.000198620299937
+2.55261112364,0.283146212874,1.08992272264e-09
+1.85937590655,1.73713785124,0.0015960656166
+1.900671068,0.945457783568,4.43888125472e-05
+3.06751331778,3.23935139499,0.0563614309645
+-0.0218041602524,1.71505138619,2.20840855123e-08
+1.58943710428,-0.460518125851,3.18292690295e-10
+1.60998682439,2.10027367104,0.00109847118798
+1.20194627579,2.62523733656,1.53323615473e-05
+1.40536073868,2.26847255227,0.000292877351589
+0.164479667076,3.03426081905,9.49267542509e-13
+-0.138633363468,2.46868025853,6.60448366254e-12
+2.44546880248,1.54705645526,0.000420517270291
+1.36915414383,1.89973495932,0.00046528464874
+1.59785935299,2.38802243498,0.000657171230131
+1.2282511679,2.40553321323,5.51630145948e-05
+-0.511028473446,2.76798906812,2.901387232e-16
+0.990168577162,2.88244428827,3.38279025999e-07
+1.30281465373,3.56127590018,3.28977419748e-08
+1.95309448487,1.61413414307,0.00118317280493
+2.68387519459,1.60512499022,0.000272388251321
+1.43729860165,0.460731871898,5.96971508895e-06
+4.11379908358,2.02073791203,8.95573979745e-07
+-0.189507011669,3.55780571163,6.353160179e-19
+1.46600391375,2.06571757143,0.000604121552858
+1.16550208578,2.7793658841,4.35931780079e-06
+0.568817721194,2.07540485485,1.01418393721e-06
+1.09829547077,0.864674946203,6.48685330315e-05
+0.897150924632,1.87118164131,3.49868916113e-05
+1.08339688513,-0.452728025696,9.6405729671e-09
+-1.13337473954,1.83756463255,1.09971581266e-15
+0.181817168265,1.17534069304,1.6677870552e-06
+1.75912727619,-0.391028158336,1.92804956012e-10
+0.0328846258525,1.39771204563,2.20613572933e-07
+1.77779454324,0.238068402763,2.21666242703e-07
+1.79008298712,0.321565621927,4.62549292739e-07
+3.0510169351,0.342621623602,1.27096767654e-11
+1.00526475891,-0.467667490754,1.23140146975e-08
+1.37183406268,-0.192740907795,2.87336879238e-08
+1.95848675042,0.310973524034,1.58647245893e-07
+1.65905058722,-0.72924182417,4.65933457371e-12
+1.8519584706,1.87251613519,0.00204892723157
+3.05644621621,2.20077951757,0.00303467812774
+1.23467199292,3.2289167934,3.11091014452e-07
+2.72780990942,3.99974046805,0.00156307677506
+1.58990078328,2.29019316221,0.000775816737444
+0.84703964949,1.61768378157,4.70948574297e-05
+2.9728153462,0.52369379484,4.29591769146e-10
+0.631713920592,1.95188707275,3.36565557227e-06
+-0.641750315234,1.36131166482,1.92563647653e-10
+2.75402795144,4.62753877489,2.28914035261e-05
+1.66673663535,1.25088608508,0.000322357428521
+1.43580038983,3.8060710133,1.47519881378e-08
+2.25353754062,3.82517598148,0.000100449846673
+0.220724410272,2.05550537248,3.15049704227e-08
+2.32661663508,3.36487769622,0.00214416381505
+3.63126882509,1.46107487345,1.18191839879e-07
+1.38153457659,0.904510915769,8.22285455895e-05
+2.37733499947,2.65883382736,0.0117058016762
+2.24204590672,4.15632008143,6.95926269819e-06
+2.29308166727,0.785353111108,2.2732097482e-06
+2.51764628844,1.82647478272,0.00164357567202
+2.11192133688,1.45777661555,0.000543269913402
+4.3482800803,2.6613344764,9.15516385406e-05
+0.622929431612,1.53097409869,1.41042262159e-05
+1.78408128492,1.50005523931,0.000789768793976
+2.53712409353,2.411817419,0.012231205115
+0.515187177988,2.66497448659,7.70622315018e-09
+0.914023562626,2.25605883298,8.73630528687e-06
+2.08346584379,0.904769024272,1.75600137045e-05
+1.95298422822,3.83575531768,5.01491552179e-06
+1.94913478558,0.709346842992,6.51095305448e-06
+2.43128504068,0.692177624756,3.77124362326e-07
+1.04082862277,-0.0250155713019,5.20723444621e-07
+0.802257816423,1.61461243663,3.63030616453e-05
+1.13660933479,1.10269420908,0.000131674475754
+1.76455439041,-0.0689387161217,9.3694972626e-09
+-0.187184864124,1.57884878323,8.74177542446e-09
+0.126081182237,1.36257162213,5.79117318561e-07
+3.03832310507,3.76303985909,0.0255589353562
+1.91656742723,1.03497792497,7.57973292551e-05
+2.41165150666,2.6491630537,0.0127978004933
+1.21347978461,0.742703846837,4.21137336719e-05
+0.379744361135,1.17264551478,6.33770226935e-06
+-0.822439987576,0.668543713025,1.80791116823e-09
+1.8351020466,2.14209218325,0.00243931388559
+0.374597536019,0.983536115645,7.80234146161e-06
+2.9467334506,1.0897215147,6.10980199121e-07
+2.8650203171,2.72540232559,0.0269246115345
+2.17192958535,1.64323719428,0.00118326255376
+4.23781618861,2.56091885791,8.38981526793e-05
+3.28575568924,1.23556761283,1.92119234395e-07
+1.40988602178,2.08540599193,0.000445819625273
+0.471729802445,2.00617528734,5.92563836955e-07
+3.03127819596,1.11829525133,4.29824846035e-07
+1.03653879923,1.0113667244,8.87580517577e-05
+1.49691035851,0.0527211916406,1.64953460451e-07
+0.905999094603,1.20063092121,8.08758187708e-05
+1.52876606608,0.888100375098,6.77323038025e-05
+2.69326839654,1.42067248781,6.67266587776e-05
+1.59588966178,0.106957131191,1.66533654302e-07
+0.852997845621,0.983621784851,5.44247493128e-05
+2.67925333674,0.62344976535,2.5741890632e-08
+2.28015418968,1.30142783409,0.000147333368048
+2.52344837103,-0.375673764747,8.19550155379e-14
+1.69178572511,2.53736284623,0.000763993870402
+1.62748156615,2.25154581785,0.00099683129689
+0.0500094286165,4.66974918291,6.27244684154e-26
+3.13602350741,0.226699261578,7.16472281577e-13
+0.470192242449,1.17211838066,1.08626576591e-05
diff --git a/tests/framework/MCMC/gold/metropolis/dumpRestartExport.csv b/tests/framework/MCMC/gold/metropolis/dumpRestartExport.csv
new file mode 100644
index 0000000000..af4490ac52
--- /dev/null
+++ b/tests/framework/MCMC/gold/metropolis/dumpRestartExport.csv
@@ -0,0 +1,1001 @@
+traceID,xin,yin
+8,1.27289484095,1.16896721498
+8,1.27289484095,1.16896721498
+8,1.27289484095,1.16896721498
+8,1.27289484095,1.16896721498
+8,1.27289484095,1.16896721498
+8,1.27289484095,1.16896721498
+8,1.27289484095,1.16896721498
+8,1.27289484095,1.16896721498
+8,1.27289484095,1.16896721498
+8,1.27289484095,1.16896721498
+8,1.27289484095,1.16896721498
+8,1.27289484095,1.16896721498
+8,1.27289484095,1.16896721498
+8,1.27289484095,1.16896721498
+8,1.27289484095,1.16896721498
+8,1.27289484095,1.16896721498
+8,1.27289484095,1.16896721498
+8,1.27289484095,1.16896721498
+8,1.27289484095,1.16896721498
+30,2.11401234044,1.65943896777
+30,2.11401234044,1.65943896777
+32,2.65613898096,2.35359550517
+33,1.76959033241,1.44954831351
+34,1.66190115033,1.74306631889
+34,1.66190115033,1.74306631889
+34,1.66190115033,1.74306631889
+34,1.66190115033,1.74306631889
+34,1.66190115033,1.74306631889
+34,1.66190115033,1.74306631889
+34,1.66190115033,1.74306631889
+34,1.66190115033,1.74306631889
+34,1.66190115033,1.74306631889
+34,1.66190115033,1.74306631889
+34,1.66190115033,1.74306631889
+34,1.66190115033,1.74306631889
+34,1.66190115033,1.74306631889
+34,1.66190115033,1.74306631889
+34,1.66190115033,1.74306631889
+34,1.66190115033,1.74306631889
+34,1.66190115033,1.74306631889
+34,1.66190115033,1.74306631889
+52,2.20222766202,1.77471598199
+52,2.20222766202,1.77471598199
+52,2.20222766202,1.77471598199
+52,2.20222766202,1.77471598199
+52,2.20222766202,1.77471598199
+52,2.20222766202,1.77471598199
+58,1.59497777243,0.903271775709
+58,1.59497777243,0.903271775709
+60,2.18862614394,0.846904223665
+61,2.3049749177,2.92652640541
+61,2.3049749177,2.92652640541
+63,2.85083928128,2.29852100785
+64,1.99311556324,0.952305723828
+64,1.99311556324,0.952305723828
+64,1.99311556324,0.952305723828
+67,2.34277692482,1.91630654579
+68,1.38468031231,0.830442626905
+68,1.38468031231,0.830442626905
+68,1.38468031231,0.830442626905
+68,1.38468031231,0.830442626905
+68,1.38468031231,0.830442626905
+68,1.38468031231,0.830442626905
+74,1.79379321691,1.21414401693
+74,1.79379321691,1.21414401693
+74,1.79379321691,1.21414401693
+77,1.57742056754,2.38326720587
+77,1.57742056754,2.38326720587
+77,1.57742056754,2.38326720587
+77,1.57742056754,2.38326720587
+81,2.2022254958,2.63961708639
+82,1.72817028154,2.37521179204
+82,1.72817028154,2.37521179204
+82,1.72817028154,2.37521179204
+85,2.65703586781,2.5761320384
+85,2.65703586781,2.5761320384
+85,2.65703586781,2.5761320384
+85,2.65703586781,2.5761320384
+89,1.55913750316,2.35750268995
+89,1.55913750316,2.35750268995
+91,1.98979687654,1.56066235463
+91,1.98979687654,1.56066235463
+91,1.98979687654,1.56066235463
+91,1.98979687654,1.56066235463
+91,1.98979687654,1.56066235463
+91,1.98979687654,1.56066235463
+91,1.98979687654,1.56066235463
+91,1.98979687654,1.56066235463
+91,1.98979687654,1.56066235463
+91,1.98979687654,1.56066235463
+101,1.19466754284,1.14191406481
+101,1.19466754284,1.14191406481
+101,1.19466754284,1.14191406481
+101,1.19466754284,1.14191406481
+101,1.19466754284,1.14191406481
+101,1.19466754284,1.14191406481
+101,1.19466754284,1.14191406481
+101,1.19466754284,1.14191406481
+109,1.5196907521,1.05422527734
+109,1.5196907521,1.05422527734
+109,1.5196907521,1.05422527734
+109,1.5196907521,1.05422527734
+109,1.5196907521,1.05422527734
+109,1.5196907521,1.05422527734
+115,2.17206311309,2.42995020695
+116,0.956680910511,1.60919324201
+116,0.956680910511,1.60919324201
+116,0.956680910511,1.60919324201
+116,0.956680910511,1.60919324201
+120,0.127549376723,0.00834988664994
+120,0.127549376723,0.00834988664994
+122,0.784918837056,0.0227670345499
+122,0.784918837056,0.0227670345499
+122,0.784918837056,0.0227670345499
+125,0.996493354242,0.0944017030915
+126,0.0579522323603,1.09980244398
+126,0.0579522323603,1.09980244398
+128,0.448518928114,0.481190861134
+129,0.260245128606,0.387942471741
+129,0.260245128606,0.387942471741
+129,0.260245128606,0.387942471741
+132,0.680397124549,-0.0705278554306
+132,0.680397124549,-0.0705278554306
+132,0.680397124549,-0.0705278554306
+132,0.680397124549,-0.0705278554306
+132,0.680397124549,-0.0705278554306
+132,0.680397124549,-0.0705278554306
+138,0.795401141961,0.0642042773414
+139,1.24426570089,0.468939687114
+139,1.24426570089,0.468939687114
+139,1.24426570089,0.468939687114
+142,1.42547987124,0.685415453862
+142,1.42547987124,0.685415453862
+142,1.42547987124,0.685415453862
+145,1.10145117831,1.57051950341
+146,1.58735592676,1.65429302589
+146,1.58735592676,1.65429302589
+146,1.58735592676,1.65429302589
+146,1.58735592676,1.65429302589
+146,1.58735592676,1.65429302589
+146,1.58735592676,1.65429302589
+152,0.337390246414,1.03003060023
+152,0.337390246414,1.03003060023
+152,0.337390246414,1.03003060023
+152,0.337390246414,1.03003060023
+156,1.62007659864,0.754400729763
+156,1.62007659864,0.754400729763
+156,1.62007659864,0.754400729763
+156,1.62007659864,0.754400729763
+156,1.62007659864,0.754400729763
+161,0.413473709701,0.258462232244
+161,0.413473709701,0.258462232244
+161,0.413473709701,0.258462232244
+161,0.413473709701,0.258462232244
+161,0.413473709701,0.258462232244
+166,0.3542502572,0.351374575682
+166,0.3542502572,0.351374575682
+166,0.3542502572,0.351374575682
+166,0.3542502572,0.351374575682
+170,0.997850547477,0.882146381106
+170,0.997850547477,0.882146381106
+170,0.997850547477,0.882146381106
+170,0.997850547477,0.882146381106
+170,0.997850547477,0.882146381106
+170,0.997850547477,0.882146381106
+170,0.997850547477,0.882146381106
+170,0.997850547477,0.882146381106
+170,0.997850547477,0.882146381106
+179,1.26533881855,2.11667845544
+179,1.26533881855,2.11667845544
+179,1.26533881855,2.11667845544
+179,1.26533881855,2.11667845544
+179,1.26533881855,2.11667845544
+179,1.26533881855,2.11667845544
+185,0.812140335018,1.07463054993
+185,0.812140335018,1.07463054993
+185,0.812140335018,1.07463054993
+188,0.982075944336,0.895813972219
+188,0.982075944336,0.895813972219
+188,0.982075944336,0.895813972219
+188,0.982075944336,0.895813972219
+188,0.982075944336,0.895813972219
+188,0.982075944336,0.895813972219
+188,0.982075944336,0.895813972219
+188,0.982075944336,0.895813972219
+196,0.644621561678,0.939123733323
+196,0.644621561678,0.939123733323
+196,0.644621561678,0.939123733323
+196,0.644621561678,0.939123733323
+200,0.678287985054,0.654456601679
+200,0.678287985054,0.654456601679
+200,0.678287985054,0.654456601679
+200,0.678287985054,0.654456601679
+204,0.863182174835,1.44139181305
+205,0.558714788982,0.350380136066
+205,0.558714788982,0.350380136066
+207,0.92286720936,1.27040303674
+207,0.92286720936,1.27040303674
+207,0.92286720936,1.27040303674
+207,0.92286720936,1.27040303674
+207,0.92286720936,1.27040303674
+207,0.92286720936,1.27040303674
+207,0.92286720936,1.27040303674
+207,0.92286720936,1.27040303674
+207,0.92286720936,1.27040303674
+207,0.92286720936,1.27040303674
+207,0.92286720936,1.27040303674
+207,0.92286720936,1.27040303674
+207,0.92286720936,1.27040303674
+207,0.92286720936,1.27040303674
+207,0.92286720936,1.27040303674
+207,0.92286720936,1.27040303674
+207,0.92286720936,1.27040303674
+224,1.4050261624,1.11570085264
+224,1.4050261624,1.11570085264
+224,1.4050261624,1.11570085264
+227,1.42991850182,1.47992315449
+227,1.42991850182,1.47992315449
+227,1.42991850182,1.47992315449
+227,1.42991850182,1.47992315449
+231,0.918865798624,0.991401303348
+232,1.28203256652,1.39590557196
+232,1.28203256652,1.39590557196
+232,1.28203256652,1.39590557196
+232,1.28203256652,1.39590557196
+232,1.28203256652,1.39590557196
+232,1.28203256652,1.39590557196
+232,1.28203256652,1.39590557196
+239,1.8230933535,1.23716563249
+239,1.8230933535,1.23716563249
+239,1.8230933535,1.23716563249
+239,1.8230933535,1.23716563249
+239,1.8230933535,1.23716563249
+244,0.884563930068,1.90696033206
+245,0.744213333539,0.793771017588
+245,0.744213333539,0.793771017588
+245,0.744213333539,0.793771017588
+245,0.744213333539,0.793771017588
+249,1.14802444376,1.59064721801
+249,1.14802444376,1.59064721801
+249,1.14802444376,1.59064721801
+249,1.14802444376,1.59064721801
+249,1.14802444376,1.59064721801
+254,1.58171483013,1.09465223563
+254,1.58171483013,1.09465223563
+254,1.58171483013,1.09465223563
+254,1.58171483013,1.09465223563
+258,1.46354897575,1.49968750321
+259,0.81675810682,1.12916827317
+259,0.81675810682,1.12916827317
+259,0.81675810682,1.12916827317
+262,1.10610858554,0.721302676939
+262,1.10610858554,0.721302676939
+264,0.994618158057,0.76443528584
+264,0.994618158057,0.76443528584
+264,0.994618158057,0.76443528584
+264,0.994618158057,0.76443528584
+264,0.994618158057,0.76443528584
+264,0.994618158057,0.76443528584
+264,0.994618158057,0.76443528584
+271,0.504413808504,1.32769693419
+271,0.504413808504,1.32769693419
+271,0.504413808504,1.32769693419
+271,0.504413808504,1.32769693419
+275,1.03762151694,1.66515948189
+276,1.74110095566,2.43360036118
+276,1.74110095566,2.43360036118
+276,1.74110095566,2.43360036118
+276,1.74110095566,2.43360036118
+280,2.37888387763,1.8846002235
+280,2.37888387763,1.8846002235
+280,2.37888387763,1.8846002235
+280,2.37888387763,1.8846002235
+284,1.19999219464,2.38722860606
+284,1.19999219464,2.38722860606
+284,1.19999219464,2.38722860606
+287,0.616576523987,1.45500872966
+287,0.616576523987,1.45500872966
+289,1.42198998943,0.498895827627
+290,1.81900673871,1.12158258391
+290,1.81900673871,1.12158258391
+292,1.84340223232,2.30242545672
+292,1.84340223232,2.30242545672
+292,1.84340223232,2.30242545672
+292,1.84340223232,2.30242545672
+296,1.1810669513,1.31339846795
+296,1.1810669513,1.31339846795
+296,1.1810669513,1.31339846795
+296,1.1810669513,1.31339846795
+300,1.14827724001,1.40819333014
+300,1.14827724001,1.40819333014
+300,1.14827724001,1.40819333014
+300,1.14827724001,1.40819333014
+304,1.77703220059,2.06606363228
+304,1.77703220059,2.06606363228
+306,1.55095393603,1.17693141732
+306,1.55095393603,1.17693141732
+306,1.55095393603,1.17693141732
+306,1.55095393603,1.17693141732
+306,1.55095393603,1.17693141732
+311,1.78525941954,1.29289494176
+311,1.78525941954,1.29289494176
+313,1.63724368044,2.16229970342
+313,1.63724368044,2.16229970342
+315,2.01218647013,2.4615728922
+315,2.01218647013,2.4615728922
+317,0.965661047517,1.63319907411
+318,1.55329025059,1.05399053408
+318,1.55329025059,1.05399053408
+320,1.42816776608,0.832091612902
+320,1.42816776608,0.832091612902
+320,1.42816776608,0.832091612902
+320,1.42816776608,0.832091612902
+320,1.42816776608,0.832091612902
+325,2.33551235882,2.12473331682
+325,2.33551235882,2.12473331682
+325,2.33551235882,2.12473331682
+325,2.33551235882,2.12473331682
+325,2.33551235882,2.12473331682
+325,2.33551235882,2.12473331682
+331,1.11286556956,1.11376493772
+331,1.11286556956,1.11376493772
+331,1.11286556956,1.11376493772
+331,1.11286556956,1.11376493772
+331,1.11286556956,1.11376493772
+331,1.11286556956,1.11376493772
+331,1.11286556956,1.11376493772
+331,1.11286556956,1.11376493772
+331,1.11286556956,1.11376493772
+331,1.11286556956,1.11376493772
+331,1.11286556956,1.11376493772
+342,-0.280196418651,-0.37732211297
+342,-0.280196418651,-0.37732211297
+342,-0.280196418651,-0.37732211297
+342,-0.280196418651,-0.37732211297
+346,-0.469606329192,0.188173532053
+347,0.254049303086,0.944098574388
+347,0.254049303086,0.944098574388
+347,0.254049303086,0.944098574388
+350,0.615592905301,1.1340823398
+350,0.615592905301,1.1340823398
+350,0.615592905301,1.1340823398
+350,0.615592905301,1.1340823398
+354,1.73510809013,1.45111736229
+354,1.73510809013,1.45111736229
+356,1.87637415134,1.57430253072
+356,1.87637415134,1.57430253072
+356,1.87637415134,1.57430253072
+359,1.10316739311,1.59240123168
+359,1.10316739311,1.59240123168
+359,1.10316739311,1.59240123168
+362,1.72998081002,1.62657099742
+362,1.72998081002,1.62657099742
+362,1.72998081002,1.62657099742
+362,1.72998081002,1.62657099742
+366,1.91902122513,1.50404750906
+366,1.91902122513,1.50404750906
+366,1.91902122513,1.50404750906
+369,2.30446493867,1.64561620127
+369,2.30446493867,1.64561620127
+369,2.30446493867,1.64561620127
+369,2.30446493867,1.64561620127
+369,2.30446493867,1.64561620127
+374,1.07164255097,0.788476651078
+374,1.07164255097,0.788476651078
+374,1.07164255097,0.788476651078
+374,1.07164255097,0.788476651078
+374,1.07164255097,0.788476651078
+374,1.07164255097,0.788476651078
+380,1.81345217752,1.34288639223
+380,1.81345217752,1.34288639223
+382,2.58892911908,1.91923815604
+382,2.58892911908,1.91923815604
+382,2.58892911908,1.91923815604
+385,2.55273626237,2.13321683754
+386,2.28463395637,2.7793677014
+387,2.14913577946,2.69589092732
+387,2.14913577946,2.69589092732
+389,1.20028139615,1.01660858507
+389,1.20028139615,1.01660858507
+389,1.20028139615,1.01660858507
+389,1.20028139615,1.01660858507
+389,1.20028139615,1.01660858507
+389,1.20028139615,1.01660858507
+389,1.20028139615,1.01660858507
+389,1.20028139615,1.01660858507
+389,1.20028139615,1.01660858507
+389,1.20028139615,1.01660858507
+389,1.20028139615,1.01660858507
+389,1.20028139615,1.01660858507
+401,1.16722872261,1.14814091586
+402,1.51486611174,1.15600408557
+403,1.36957285845,1.14208495723
+404,0.64356215005,1.20345953069
+405,0.930279365127,0.982341343276
+405,0.930279365127,0.982341343276
+405,0.930279365127,0.982341343276
+405,0.930279365127,0.982341343276
+405,0.930279365127,0.982341343276
+410,1.39120576366,1.24883939199
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+411,1.94506986518,1.92188010188
+431,1.63842663519,2.0219197131
+431,1.63842663519,2.0219197131
+433,1.62998823002,1.47681736524
+433,1.62998823002,1.47681736524
+433,1.62998823002,1.47681736524
+433,1.62998823002,1.47681736524
+437,3.19970287002,3.09075376642
+438,2.7694338903,2.2575358212
+439,2.14497068617,2.80570558352
+439,2.14497068617,2.80570558352
+439,2.14497068617,2.80570558352
+439,2.14497068617,2.80570558352
+439,2.14497068617,2.80570558352
+439,2.14497068617,2.80570558352
+445,1.62192966162,1.9759278741
+445,1.62192966162,1.9759278741
+445,1.62192966162,1.9759278741
+445,1.62192966162,1.9759278741
+445,1.62192966162,1.9759278741
+445,1.62192966162,1.9759278741
+445,1.62192966162,1.9759278741
+445,1.62192966162,1.9759278741
+445,1.62192966162,1.9759278741
+454,2.17560025667,2.73118670878
+454,2.17560025667,2.73118670878
+454,2.17560025667,2.73118670878
+454,2.17560025667,2.73118670878
+454,2.17560025667,2.73118670878
+454,2.17560025667,2.73118670878
+460,1.89389217355,2.29132945904
+460,1.89389217355,2.29132945904
+460,1.89389217355,2.29132945904
+460,1.89389217355,2.29132945904
+464,2.1254359896,2.46442885734
+464,2.1254359896,2.46442885734
+464,2.1254359896,2.46442885734
+464,2.1254359896,2.46442885734
+464,2.1254359896,2.46442885734
+469,1.77178832604,2.16793673506
+470,1.613755698,1.43292253989
+470,1.613755698,1.43292253989
+472,1.66150577683,1.33748600033
+473,1.55797985837,1.83705880104
+473,1.55797985837,1.83705880104
+473,1.55797985837,1.83705880104
+476,2.12721572307,1.9456519933
+476,2.12721572307,1.9456519933
+478,1.25550018472,1.79831700221
+478,1.25550018472,1.79831700221
+478,1.25550018472,1.79831700221
+478,1.25550018472,1.79831700221
+478,1.25550018472,1.79831700221
+483,1.62383885649,2.1364170784
+483,1.62383885649,2.1364170784
+485,2.34554309977,2.37656080687
+486,1.131287666,1.36696753576
+486,1.131287666,1.36696753576
+488,1.79564150042,1.85681112398
+488,1.79564150042,1.85681112398
+488,1.79564150042,1.85681112398
+488,1.79564150042,1.85681112398
+488,1.79564150042,1.85681112398
+488,1.79564150042,1.85681112398
+488,1.79564150042,1.85681112398
+495,2.12939598378,2.16980143164
+495,2.12939598378,2.16980143164
+495,2.12939598378,2.16980143164
+495,2.12939598378,2.16980143164
+499,2.10870261889,2.2999870509
+499,2.10870261889,2.2999870509
+499,2.10870261889,2.2999870509
+499,2.10870261889,2.2999870509
+499,2.10870261889,2.2999870509
+499,2.10870261889,2.2999870509
+499,2.10870261889,2.2999870509
+506,2.50734272319,2.52445293299
+506,2.50734272319,2.52445293299
+506,2.50734272319,2.52445293299
+506,2.50734272319,2.52445293299
+506,2.50734272319,2.52445293299
+506,2.50734272319,2.52445293299
+506,2.50734272319,2.52445293299
+513,1.42741053082,2.12125097647
+513,1.42741053082,2.12125097647
+515,2.83828925563,2.74458613184
+515,2.83828925563,2.74458613184
+515,2.83828925563,2.74458613184
+518,2.70135207414,2.68583050347
+518,2.70135207414,2.68583050347
+518,2.70135207414,2.68583050347
+521,1.49652048643,1.51066792376
+521,1.49652048643,1.51066792376
+521,1.49652048643,1.51066792376
+521,1.49652048643,1.51066792376
+521,1.49652048643,1.51066792376
+521,1.49652048643,1.51066792376
+521,1.49652048643,1.51066792376
+521,1.49652048643,1.51066792376
+521,1.49652048643,1.51066792376
+521,1.49652048643,1.51066792376
+531,2.14510435831,1.91973235395
+532,1.32339954922,1.3445455703
+532,1.32339954922,1.3445455703
+534,1.81773424536,1.75112598154
+535,1.83727950143,2.06353215438
+535,1.83727950143,2.06353215438
+535,1.83727950143,2.06353215438
+535,1.83727950143,2.06353215438
+539,2.19611697449,1.99224809132
+539,2.19611697449,1.99224809132
+541,2.33127680041,2.85073007904
+541,2.33127680041,2.85073007904
+541,2.33127680041,2.85073007904
+541,2.33127680041,2.85073007904
+541,2.33127680041,2.85073007904
+541,2.33127680041,2.85073007904
+541,2.33127680041,2.85073007904
+548,3.02471332165,2.39425058991
+549,2.38837032563,2.44396155884
+549,2.38837032563,2.44396155884
+551,3.44774721106,2.9763881247
+551,3.44774721106,2.9763881247
+551,3.44774721106,2.9763881247
+551,3.44774721106,2.9763881247
+551,3.44774721106,2.9763881247
+551,3.44774721106,2.9763881247
+551,3.44774721106,2.9763881247
+558,3.16580270202,3.54580651532
+558,3.16580270202,3.54580651532
+560,2.27145847496,2.52730140663
+560,2.27145847496,2.52730140663
+560,2.27145847496,2.52730140663
+563,1.11692091305,0.651484931273
+563,1.11692091305,0.651484931273
+563,1.11692091305,0.651484931273
+566,0.670443916567,0.302371139401
+567,0.671190139719,0.510002936523
+567,0.671190139719,0.510002936523
+567,0.671190139719,0.510002936523
+567,0.671190139719,0.510002936523
+571,0.67979086188,1.06920134296
+571,0.67979086188,1.06920134296
+571,0.67979086188,1.06920134296
+571,0.67979086188,1.06920134296
+571,0.67979086188,1.06920134296
+576,1.09199180981,1.52365747482
+576,1.09199180981,1.52365747482
+576,1.09199180981,1.52365747482
+576,1.09199180981,1.52365747482
+576,1.09199180981,1.52365747482
+576,1.09199180981,1.52365747482
+582,0.678682038179,1.20099264932
+582,0.678682038179,1.20099264932
+582,0.678682038179,1.20099264932
+582,0.678682038179,1.20099264932
+582,0.678682038179,1.20099264932
+582,0.678682038179,1.20099264932
+582,0.678682038179,1.20099264932
+582,0.678682038179,1.20099264932
+582,0.678682038179,1.20099264932
+582,0.678682038179,1.20099264932
+592,0.65394094198,0.972405016739
+592,0.65394094198,0.972405016739
+594,1.12976790239,1.304375885
+595,0.825324561615,1.24951729172
+595,0.825324561615,1.24951729172
+597,1.88125213207,1.39972148803
+597,1.88125213207,1.39972148803
+597,1.88125213207,1.39972148803
+600,1.88253978025,1.59859276747
+600,1.88253978025,1.59859276747
+600,1.88253978025,1.59859276747
+603,1.6643933914,1.70979701733
+604,0.816248304325,1.44996397455
+604,0.816248304325,1.44996397455
+606,0.638289145156,1.51615235855
+606,0.638289145156,1.51615235855
+606,0.638289145156,1.51615235855
+609,1.22055756768,1.56767414325
+610,2.22428527399,1.62413444222
+610,2.22428527399,1.62413444222
+610,2.22428527399,1.62413444222
+610,2.22428527399,1.62413444222
+610,2.22428527399,1.62413444222
+610,2.22428527399,1.62413444222
+616,1.44909711474,2.12794714063
+616,1.44909711474,2.12794714063
+616,1.44909711474,2.12794714063
+616,1.44909711474,2.12794714063
+616,1.44909711474,2.12794714063
+616,1.44909711474,2.12794714063
+616,1.44909711474,2.12794714063
+616,1.44909711474,2.12794714063
+616,1.44909711474,2.12794714063
+625,1.19803152298,1.68198211523
+625,1.19803152298,1.68198211523
+625,1.19803152298,1.68198211523
+625,1.19803152298,1.68198211523
+625,1.19803152298,1.68198211523
+630,2.21477220989,1.36778924895
+631,1.90472221004,1.52276015584
+631,1.90472221004,1.52276015584
+631,1.90472221004,1.52276015584
+631,1.90472221004,1.52276015584
+631,1.90472221004,1.52276015584
+631,1.90472221004,1.52276015584
+631,1.90472221004,1.52276015584
+631,1.90472221004,1.52276015584
+631,1.90472221004,1.52276015584
+631,1.90472221004,1.52276015584
+631,1.90472221004,1.52276015584
+631,1.90472221004,1.52276015584
+643,1.41314061634,1.81531918812
+644,1.74678279855,1.71218015519
+644,1.74678279855,1.71218015519
+646,1.83187265589,2.33401458115
+646,1.83187265589,2.33401458115
+646,1.83187265589,2.33401458115
+646,1.83187265589,2.33401458115
+650,1.07664321154,2.04374010584
+651,1.47873642091,1.23740991678
+651,1.47873642091,1.23740991678
+651,1.47873642091,1.23740991678
+654,0.670872864414,1.08772193095
+655,0.90446223466,0.849845898207
+655,0.90446223466,0.849845898207
+655,0.90446223466,0.849845898207
+658,1.55114666682,1.07171157101
+658,1.55114666682,1.07171157101
+660,1.09236666945,1.18037439135
+660,1.09236666945,1.18037439135
+662,1.42228169741,1.23482238648
+662,1.42228169741,1.23482238648
+662,1.42228169741,1.23482238648
+665,1.88680098151,1.76098118087
+666,1.4710989868,1.46148892795
+666,1.4710989868,1.46148892795
+666,1.4710989868,1.46148892795
+666,1.4710989868,1.46148892795
+666,1.4710989868,1.46148892795
+666,1.4710989868,1.46148892795
+672,1.60228261311,1.6410409331
+672,1.60228261311,1.6410409331
+674,1.82760260349,1.9952459399
+674,1.82760260349,1.9952459399
+674,1.82760260349,1.9952459399
+677,2.86609871913,2.68590021249
+678,2.67643316571,2.98288220096
+678,2.67643316571,2.98288220096
+678,2.67643316571,2.98288220096
+678,2.67643316571,2.98288220096
+682,1.57393088329,1.393041231
+682,1.57393088329,1.393041231
+682,1.57393088329,1.393041231
+682,1.57393088329,1.393041231
+682,1.57393088329,1.393041231
+682,1.57393088329,1.393041231
+682,1.57393088329,1.393041231
+682,1.57393088329,1.393041231
+682,1.57393088329,1.393041231
+682,1.57393088329,1.393041231
+682,1.57393088329,1.393041231
+682,1.57393088329,1.393041231
+682,1.57393088329,1.393041231
+682,1.57393088329,1.393041231
+682,1.57393088329,1.393041231
+682,1.57393088329,1.393041231
+682,1.57393088329,1.393041231
+682,1.57393088329,1.393041231
+700,1.82259774491,1.71732381656
+700,1.82259774491,1.71732381656
+700,1.82259774491,1.71732381656
+700,1.82259774491,1.71732381656
+700,1.82259774491,1.71732381656
+700,1.82259774491,1.71732381656
+700,1.82259774491,1.71732381656
+700,1.82259774491,1.71732381656
+700,1.82259774491,1.71732381656
+700,1.82259774491,1.71732381656
+700,1.82259774491,1.71732381656
+700,1.82259774491,1.71732381656
+712,2.05357413412,1.89366545259
+712,2.05357413412,1.89366545259
+712,2.05357413412,1.89366545259
+712,2.05357413412,1.89366545259
+712,2.05357413412,1.89366545259
+712,2.05357413412,1.89366545259
+712,2.05357413412,1.89366545259
+712,2.05357413412,1.89366545259
+712,2.05357413412,1.89366545259
+712,2.05357413412,1.89366545259
+722,1.27994651258,1.31619029089
+722,1.27994651258,1.31619029089
+722,1.27994651258,1.31619029089
+722,1.27994651258,1.31619029089
+722,1.27994651258,1.31619029089
+722,1.27994651258,1.31619029089
+722,1.27994651258,1.31619029089
+722,1.27994651258,1.31619029089
+722,1.27994651258,1.31619029089
+722,1.27994651258,1.31619029089
+732,1.32637901119,0.667687980822
+732,1.32637901119,0.667687980822
+734,1.73149212705,1.48795185893
+734,1.73149212705,1.48795185893
+736,1.80258227492,1.46286605216
+737,1.02664245564,0.69629501647
+738,0.737865491859,0.714867638661
+738,0.737865491859,0.714867638661
+740,1.33375174145,1.77161021095
+740,1.33375174145,1.77161021095
+740,1.33375174145,1.77161021095
+740,1.33375174145,1.77161021095
+740,1.33375174145,1.77161021095
+745,0.852000228873,1.91209201599
+746,1.41548620647,1.62222261763
+746,1.41548620647,1.62222261763
+746,1.41548620647,1.62222261763
+746,1.41548620647,1.62222261763
+746,1.41548620647,1.62222261763
+746,1.41548620647,1.62222261763
+746,1.41548620647,1.62222261763
+746,1.41548620647,1.62222261763
+746,1.41548620647,1.62222261763
+746,1.41548620647,1.62222261763
+746,1.41548620647,1.62222261763
+746,1.41548620647,1.62222261763
+746,1.41548620647,1.62222261763
+746,1.41548620647,1.62222261763
+760,1.80272711927,2.06446941435
+760,1.80272711927,2.06446941435
+760,1.80272711927,2.06446941435
+760,1.80272711927,2.06446941435
+760,1.80272711927,2.06446941435
+760,1.80272711927,2.06446941435
+760,1.80272711927,2.06446941435
+760,1.80272711927,2.06446941435
+760,1.80272711927,2.06446941435
+760,1.80272711927,2.06446941435
+760,1.80272711927,2.06446941435
+760,1.80272711927,2.06446941435
+760,1.80272711927,2.06446941435
+760,1.80272711927,2.06446941435
+760,1.80272711927,2.06446941435
+760,1.80272711927,2.06446941435
+760,1.80272711927,2.06446941435
+760,1.80272711927,2.06446941435
+760,1.80272711927,2.06446941435
+779,2.20661347216,2.23393146117
+779,2.20661347216,2.23393146117
+779,2.20661347216,2.23393146117
+779,2.20661347216,2.23393146117
+779,2.20661347216,2.23393146117
+779,2.20661347216,2.23393146117
+779,2.20661347216,2.23393146117
+779,2.20661347216,2.23393146117
+779,2.20661347216,2.23393146117
+779,2.20661347216,2.23393146117
+779,2.20661347216,2.23393146117
+779,2.20661347216,2.23393146117
+779,2.20661347216,2.23393146117
+779,2.20661347216,2.23393146117
+779,2.20661347216,2.23393146117
+779,2.20661347216,2.23393146117
+779,2.20661347216,2.23393146117
+779,2.20661347216,2.23393146117
+779,2.20661347216,2.23393146117
+798,2.07972674494,1.80039516444
+799,2.41250128631,1.74337930603
+799,2.41250128631,1.74337930603
+799,2.41250128631,1.74337930603
+799,2.41250128631,1.74337930603
+799,2.41250128631,1.74337930603
+799,2.41250128631,1.74337930603
+799,2.41250128631,1.74337930603
+799,2.41250128631,1.74337930603
+799,2.41250128631,1.74337930603
+799,2.41250128631,1.74337930603
+799,2.41250128631,1.74337930603
+810,1.2164983332,1.8134926837
+810,1.2164983332,1.8134926837
+810,1.2164983332,1.8134926837
+810,1.2164983332,1.8134926837
+810,1.2164983332,1.8134926837
+815,2.33508161718,2.37302998961
+815,2.33508161718,2.37302998961
+815,2.33508161718,2.37302998961
+815,2.33508161718,2.37302998961
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+819,2.09568264274,2.08823968202
+851,1.19317503317,1.1331901148
+851,1.19317503317,1.1331901148
+851,1.19317503317,1.1331901148
+851,1.19317503317,1.1331901148
+855,1.25513381099,1.55030343456
+855,1.25513381099,1.55030343456
+855,1.25513381099,1.55030343456
+858,2.38643276121,1.85891355978
+858,2.38643276121,1.85891355978
+858,2.38643276121,1.85891355978
+858,2.38643276121,1.85891355978
+858,2.38643276121,1.85891355978
+863,2.29997209643,1.56617249143
+863,2.29997209643,1.56617249143
+865,1.00246869036,0.972791398912
+866,1.23289474956,0.655469154407
+866,1.23289474956,0.655469154407
+868,0.48524996767,0.532525755817
+868,0.48524996767,0.532525755817
+868,0.48524996767,0.532525755817
+871,1.40289543162,1.13870143896
+871,1.40289543162,1.13870143896
+871,1.40289543162,1.13870143896
+871,1.40289543162,1.13870143896
+871,1.40289543162,1.13870143896
+871,1.40289543162,1.13870143896
+877,1.69510737262,1.06128375742
+877,1.69510737262,1.06128375742
+879,2.24926568478,2.15717962552
+879,2.24926568478,2.15717962552
+879,2.24926568478,2.15717962552
+879,2.24926568478,2.15717962552
+879,2.24926568478,2.15717962552
+879,2.24926568478,2.15717962552
+879,2.24926568478,2.15717962552
+879,2.24926568478,2.15717962552
+879,2.24926568478,2.15717962552
+879,2.24926568478,2.15717962552
+879,2.24926568478,2.15717962552
+890,1.31736875274,1.98819455641
+891,1.63942419298,1.13254030638
+891,1.63942419298,1.13254030638
+893,1.85937590655,1.73713785124
+893,1.85937590655,1.73713785124
+893,1.85937590655,1.73713785124
+893,1.85937590655,1.73713785124
+893,1.85937590655,1.73713785124
+893,1.85937590655,1.73713785124
+893,1.85937590655,1.73713785124
+900,1.40536073868,2.26847255227
+900,1.40536073868,2.26847255227
+900,1.40536073868,2.26847255227
+903,2.44546880248,1.54705645526
+904,1.36915414383,1.89973495932
+905,1.59785935299,2.38802243498
+905,1.59785935299,2.38802243498
+905,1.59785935299,2.38802243498
+905,1.59785935299,2.38802243498
+905,1.59785935299,2.38802243498
+910,1.95309448487,1.61413414307
+910,1.95309448487,1.61413414307
+910,1.95309448487,1.61413414307
+910,1.95309448487,1.61413414307
+910,1.95309448487,1.61413414307
+915,1.46600391375,2.06571757143
+915,1.46600391375,2.06571757143
+915,1.46600391375,2.06571757143
+918,1.09829547077,0.864674946203
+918,1.09829547077,0.864674946203
+918,1.09829547077,0.864674946203
+918,1.09829547077,0.864674946203
+918,1.09829547077,0.864674946203
+918,1.09829547077,0.864674946203
+918,1.09829547077,0.864674946203
+918,1.09829547077,0.864674946203
+918,1.09829547077,0.864674946203
+918,1.09829547077,0.864674946203
+918,1.09829547077,0.864674946203
+918,1.09829547077,0.864674946203
+918,1.09829547077,0.864674946203
+918,1.09829547077,0.864674946203
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+932,1.8519584706,1.87251613519
+953,2.11192133688,1.45777661555
+953,2.11192133688,1.45777661555
+953,2.11192133688,1.45777661555
+956,1.78408128492,1.50005523931
+957,2.53712409353,2.411817419
+957,2.53712409353,2.411817419
+957,2.53712409353,2.411817419
+957,2.53712409353,2.411817419
+957,2.53712409353,2.411817419
+962,1.94913478558,0.709346842992
+962,1.94913478558,0.709346842992
+964,1.04082862277,-0.0250155713019
+965,0.802257816423,1.61461243663
+966,1.13660933479,1.10269420908
+966,1.13660933479,1.10269420908
+966,1.13660933479,1.10269420908
+966,1.13660933479,1.10269420908
+966,1.13660933479,1.10269420908
+966,1.13660933479,1.10269420908
+966,1.13660933479,1.10269420908
+973,1.21347978461,0.742703846837
+973,1.21347978461,0.742703846837
+973,1.21347978461,0.742703846837
+976,1.8351020466,2.14209218325
+976,1.8351020466,2.14209218325
+976,1.8351020466,2.14209218325
+976,1.8351020466,2.14209218325
+976,1.8351020466,2.14209218325
+976,1.8351020466,2.14209218325
+976,1.8351020466,2.14209218325
+983,1.40988602178,2.08540599193
+983,1.40988602178,2.08540599193
+983,1.40988602178,2.08540599193
+986,1.03653879923,1.0113667244
+986,1.03653879923,1.0113667244
+988,0.905999094603,1.20063092121
+989,1.52876606608,0.888100375098
+989,1.52876606608,0.888100375098
+989,1.52876606608,0.888100375098
+992,0.852997845621,0.983621784851
+992,0.852997845621,0.983621784851
+994,2.28015418968,1.30142783409
+994,2.28015418968,1.30142783409
+996,1.69178572511,2.53736284623
+997,1.62748156615,2.25154581785
+997,1.62748156615,2.25154581785
+997,1.62748156615,2.25154581785
+997,1.62748156615,2.25154581785
+1001,1.26756288501,1.81581116435
+1002,1.23281850564,1.26846348613
+1002,1.23281850564,1.26846348613
+1002,1.23281850564,1.26846348613
+1002,1.23281850564,1.26846348613
+1002,1.23281850564,1.26846348613
+1002,1.23281850564,1.26846348613
+1002,1.23281850564,1.26846348613
+1002,1.23281850564,1.26846348613
+1002,1.23281850564,1.26846348613
diff --git a/tests/framework/MCMC/gold/metropolis/dumpRestartOut.csv b/tests/framework/MCMC/gold/metropolis/dumpRestartOut.csv
new file mode 100644
index 0000000000..b20cfb341e
--- /dev/null
+++ b/tests/framework/MCMC/gold/metropolis/dumpRestartOut.csv
@@ -0,0 +1,1011 @@
+xin,yin,zout
+0.0,0.0,7.04761633483e-07
+-0.925306155079,0.655179815284,6.65351376438e-10
+0.211362958932,0.979355433843,3.07249127686e-06
+-0.994305369995,0.102383647679,3.00178150829e-09
+0.622962322037,1.23089672938,2.33947244139e-05
+-0.374365931988,0.368695311748,1.74614850005e-07
+1.22984101447,1.43249313301,0.00027614953943
+1.27289484095,1.16896721498,0.000193347723712
+0.429271590669,1.09114092246,9.50527930367e-06
+1.13964752109,2.09659723776,8.99355099398e-05
+0.685588487033,2.40182546412,4.30407669308e-07
+2.61264182432,2.15197079142,0.00583115424335
+2.34667844366,1.46310197965,0.00033505037214
+0.101876724114,0.773244638632,2.06566052526e-06
+0.928310449731,-0.0369212032096,6.45413462301e-07
+0.744813870335,-0.0296555810384,9.65891562173e-07
+2.25172243854,1.06069518265,2.92807198734e-05
+1.02513897787,0.573477022816,2.03022688458e-05
+1.03871339328,-0.267697787591,6.95366222038e-08
+3.46898405176,2.67604286813,0.0107293588021
+0.587974514232,3.85757808884,1.55807694309e-14
+2.4147230998,1.42440725028,0.000213136634676
+0.616697228851,1.58858688071,1.16133448481e-05
+1.3325052143,0.434083203852,6.49141048475e-06
+1.8481452523,3.67116367021,6.40995212919e-06
+0.578324148289,1.29777288234,1.6946509978e-05
+1.82868330418,-0.725923524264,8.98133826033e-13
+-0.387110689026,1.79737391722,1.46234524396e-10
+0.101652504096,-0.890312255282,6.96302497591e-09
+2.11401234044,1.65943896777,0.00132623973827
+2.03908915318,-0.548505117644,1.42867399513e-12
+2.65613898096,2.35359550517,0.0109652897975
+1.76959033241,1.44954831351,0.00066642075908
+1.66190115033,1.74306631889,0.00117447339191
+1.36044688244,2.65067197001,5.07542249168e-05
+0.56423777094,2.37141084385,1.46146969706e-07
+3.81352654628,1.97386924234,7.47935904891e-06
+2.28266929925,0.975850243643,1.29179400069e-05
+-0.6190052691,3.17137927978,6.22358351365e-20
+1.46494341236,2.71151464678,8.65591797644e-05
+2.18127264348,2.28460560655,0.00632017226564
+2.40126609079,1.71661626091,0.00119224705973
+3.62919870557,0.684151569493,1.98427782139e-12
+-0.436091224892,0.85250851212,3.24485308134e-08
+-0.639148207657,1.354551666,2.09309757433e-10
+0.0986343390835,0.223248003377,1.56003627981e-06
+-0.213657751874,1.33444098672,2.85164576199e-08
+0.169499793764,2.39730794591,1.03861260156e-09
+2.42688668028,1.20602780131,4.24181685276e-05
+0.792207598598,2.17404460682,4.59344383504e-06
+1.31219320299,2.30049480065,0.000148120092108
+2.20222766202,1.77471598199,0.00195425959894
+3.55215797516,3.1016571238,0.0503794287609
+2.29484876536,-0.264340100891,6.63888604376e-12
+1.20506696642,2.10667073518,0.000132936829755
+1.6975509627,0.402694908711,1.49935892602e-06
+1.13687390775,2.10562823085,8.59181408596e-05
+1.59497777243,0.903271775709,6.71604879974e-05
+2.67589594442,-0.789177569623,5.81799258964e-18
+2.18862614394,0.846904223665,6.85769216826e-06
+2.3049749177,2.92652640541,0.00697623807501
+3.25038776727,3.65378659224,0.068878680783
+2.85083928128,2.29852100785,0.00770387009001
+1.99311556324,0.952305723828,3.4865094912e-05
+1.96493706134,0.594725542893,2.2939404522e-06
+0.898651622901,2.23674921662,8.42647099174e-06
+2.34277692482,1.91630654579,0.00303119301671
+1.38468031231,0.830442626905,5.83114887952e-05
+1.43796873661,2.61174176659,0.000110494339558
+1.97093493971,1.06320368498,7.85255609516e-05
+-1.67275310005,-0.397005645007,2.95587921728e-11
+1.801237066,0.363117503319,6.43349037899e-07
+1.62677875826,0.780276274943,3.08978461186e-05
+1.79379321691,1.21414401693,0.000253473838655
+1.51168014982,-0.0458107087286,5.84535863442e-08
+2.98506724789,2.52253272443,0.0150280286712
+1.57742056754,2.38326720587,0.000593127683029
+1.65397708739,2.88966770711,0.000159704802161
+1.68733573218,3.38269365897,1.12957643399e-05
+1.26778103323,2.66894354853,2.1382666901e-05
+2.2022254958,2.63961708639,0.00682845521845
+1.72817028154,2.37521179204,0.00132124368219
+0.624903602208,-0.311589991285,1.77133203278e-07
+2.19977617974,3.61175797554,0.000248500723322
+2.65703586781,2.5761320384,0.0180663816865
+2.13297089176,0.854145647296,9.47248355702e-06
+4.4785932003,4.08312943491,0.188119073875
+1.32943542523,2.74618232356,2.38520847921e-05
+1.55913750316,2.35750268995,0.000569725399772
+1.33021325838,3.9886052355,4.3378102421e-10
+1.98979687654,1.56066235463,0.000967170017026
+0.519949548103,0.218575730393,3.65012258873e-06
+0.302499369836,1.59842880997,9.78729427356e-07
+0.367223479923,2.24654951944,4.07567493066e-08
+1.50683117904,0.476723865845,5.47114123391e-06
+1.63190650102,3.7148143141,4.11748237452e-07
+1.71683447452,3.01345310027,0.000141318937762
+1.82898591515,4.11868053096,8.5480588229e-08
+1.44948515084,2.79665825041,5.01312289991e-05
+3.52906825451,2.15814661677,0.000287737937227
+1.19466754284,1.14191406481,0.000159760495442
+1.58438620531,0.93271085686,7.97332864911e-05
+0.395723942822,1.75219518709,1.10014348277e-06
+0.637405219611,0.333922257399,6.37148653482e-06
+1.35540629659,-0.418223603864,2.84099695839e-09
+0.230160659775,0.269031884235,2.52742990597e-06
+1.26585191379,-0.85699747058,2.58763363177e-11
+0.623971132712,2.47725095604,1.29915506637e-07
+1.5196907521,1.05422527734,0.000149935626182
+0.310117864554,1.11685263348,4.52813639549e-06
+2.66329946474,0.871446708371,4.87348018545e-07
+-1.15888405875,1.3197514068,2.29113119645e-13
+1.76946572256,0.585845783338,5.03276197695e-06
+-0.858259297492,0.113331280565,8.71056475462e-09
+2.17206311309,2.42995020695,0.0066858799216
+0.956680910511,1.60919324201,8.7505027522e-05
+0.547914019406,2.50328834763,4.48641590141e-08
+2.70356168218,1.1077740421,4.06428200527e-06
+0.47609545884,0.259711951313,4.04769101762e-06
+0.127549376723,0.00834988664994,9.70234603218e-07
+0.682593087018,-1.14267524984,4.93041904441e-11
+0.784918837056,0.0227670345499,1.26816210577e-06
+1.42602750078,-0.333507157536,4.64575971205e-09
+0.110199053954,-0.70689371095,2.63550817261e-08
+0.996493354242,0.0944017030915,1.3907896289e-06
+0.0579522323603,1.09980244398,8.24341536929e-07
+-2.12875011052,1.70367601437,2.54195928183e-23
+0.448518928114,0.481190861134,7.24497997109e-06
+0.260245128606,0.387942471741,3.52475930192e-06
+0.446705191569,-0.122732460429,7.24847327896e-07
+1.1186671651,-0.846445431063,9.16583884046e-11
+0.680397124549,-0.0705278554306,8.15758544357e-07
+-0.644181645452,0.30377713267,2.99715001173e-08
+-0.320654207167,-0.116894453152,1.95865865494e-07
+-0.00162577603256,-1.0572957877,2.31077872451e-09
+2.91169704814,-0.115989834759,4.40293528835e-14
+-0.224301606259,-0.382189692531,1.2788218069e-07
+0.795401141961,0.0642042773414,1.61345079368e-06
+1.24426570089,0.468939687114,9.67475334085e-06
+0.688267464155,-0.00759434284647,1.18510059339e-06
+0.102308116197,0.582748351566,2.25709181246e-06
+1.42547987124,0.685415453862,2.57788354272e-05
+0.192261265051,-0.403362345916,1.65595508959e-07
+3.50927985247,1.44088673913,2.8851828926e-07
+1.10145117831,1.57051950341,0.000179853941609
+1.58735592676,1.65429302589,0.000886152088938
+3.70182766194,0.819284718201,6.69332447041e-12
+1.69821196785,0.501384674079,3.39030213361e-06
+3.45783083876,0.645466603689,9.72678383896e-12
+1.43445445288,-0.109177827035,4.73387127216e-08
+1.47648822942,2.46245303687,0.000255683770751
+0.337390246414,1.03003060023,6.06886785038e-06
+-0.224293233868,1.02829347785,1.06288945705e-07
+-1.13170915376,0.604288015085,9.06356304199e-11
+-0.0573196289645,2.35387901596,7.22782514568e-11
+1.62007659864,0.754400729763,2.66657845336e-05
+2.31722821652,1.15574993168,4.6057535574e-05
+2.42315294728,0.69079116406,3.93028176986e-07
+4.24166071425,-0.452547088634,2.7118918644e-27
+0.177223409676,1.71029837823,1.77761667642e-07
+0.413473709701,0.258462232244,3.66518137245e-06
+0.520576834475,-0.353128231494,1.6181005593e-07
+2.00394033452,-0.642805393177,4.91947549174e-13
+1.55368917688,-0.724247604201,1.32678410992e-11
+-0.582379435213,0.582876444352,2.36796104961e-08
+0.3542502572,0.351374575682,4.22693497656e-06
+-0.908643713568,0.0779157271993,6.34508639714e-09
+1.04081526175,-1.08702151046,7.57243953088e-12
+0.146112035085,0.130959584854,1.44565870044e-06
+0.997850547477,0.882146381106,6.02766590986e-05
+0.85851923227,1.56097044221,5.53310485811e-05
+2.29024069515,0.386796924051,3.66709714905e-08
+0.394457546998,-0.800670227085,6.66147700551e-09
+1.61348150226,-0.600026280673,4.24538227618e-11
+0.107224496544,0.772478276031,2.13161361729e-06
+-0.818402624802,0.672531786388,1.84776294229e-09
+1.61490190332,-0.071330930862,2.44819005449e-08
+1.24013045323,2.07900999983,0.000176942062665
+1.26533881855,2.11667845544,0.000187390841791
+0.995839860665,2.07426753489,3.59314708994e-05
+0.715265501856,1.91571697216,7.84781063387e-06
+0.594471677416,2.83596636996,4.37616803048e-09
+0.180554053743,1.09657104345,2.0109965936e-06
+1.64711434199,3.54629811295,2.11879141412e-06
+0.812140335018,1.07463054993,5.32303991161e-05
+2.19114874523,-1.49990761453,6.5884850125e-21
+0.9663955676,3.11132085062,3.65640863853e-08
+0.982075944336,0.895813972219,6.09045464948e-05
+0.367639704364,0.646267762898,7.30773706773e-06
+3.41655916142,-1.00880095351,1.01318009273e-25
+-0.305597610003,0.692294946107,1.58591971436e-07
+2.08070232554,0.909662415629,1.84402010468e-05
+0.46744440584,2.40131222229,3.94385432825e-08
+1.45033191691,0.292719950586,1.62767434656e-06
+0.282735117204,0.436917599046,4.12205555601e-06
+0.644621561678,0.939123733323,2.63374933739e-05
+-0.811271330116,0.794343571396,1.07066202267e-09
+-0.648815530816,1.45146791764,8.69307461528e-11
+1.50198255359,-0.0862913714969,4.09814489613e-08
+0.678287985054,0.654456601679,1.85820399695e-05
+1.36644894695,0.0994535013798,4.5466367064e-07
+-0.932095251731,2.1760677447,4.92468310133e-16
+-1.33516211097,0.311856214523,4.71459308886e-11
+0.863182174835,1.44139181305,6.53745430212e-05
+0.558714788982,0.350380136066,6.20408044931e-06
+0.784684709852,0.126522670354,2.35331621107e-06
+0.92286720936,1.27040303674,8.88512296621e-05
+2.50263434759,1.9064598006,0.00245655219689
+0.596576635144,0.364188103574,6.8343755947e-06
+0.627649451088,1.4773420299,1.64707658279e-05
+0.594539501975,0.710436126082,1.68878902523e-05
+0.0779227776355,2.24266987445,1.27224749894e-09
+-0.538741709369,1.88462917154,8.06282617542e-12
+0.0981651123519,1.76090664606,5.93601976499e-08
+1.40501053918,3.96304250422,1.70560193577e-09
+-0.158725248098,0.76384690986,3.93175485504e-07
+-1.43839120926,2.40083656179,7.79248930969e-22
+0.400826828444,1.85233384779,7.00684056292e-07
+0.615120806722,2.73775538088,1.39865027494e-08
+1.05460016315,0.703454628075,3.52204845783e-05
+0.394941025077,0.807142200164,9.01215867011e-06
+0.141030688839,-0.398672196769,1.7121559619e-07
+1.63012585165,2.75680425155,0.000241988302046
+1.4050261624,1.11570085264,0.000188342577079
+0.81246382647,2.67144027477,2.42134585912e-07
+1.22123764129,-0.203041507028,5.62319132999e-08
+1.42991850182,1.47992315449,0.000486496062586
+-0.2991737175,1.71232034147,9.03602884627e-10
+0.381483095325,1.30049798492,4.91678399423e-06
+0.913278467602,2.18268543724,1.22767770346e-05
+0.918865798624,0.991401303348,6.56161679176e-05
+1.28203256652,1.39590557196,0.000305299510467
+0.16059093179,1.94336588975,3.53896659611e-08
+0.125013716565,2.20399282516,3.21465150503e-09
+1.7750368284,3.09071147878,0.000150205967214
+1.36916755165,2.22157887447,0.000266777911225
+2.2562665832,0.885764646028,6.84777597463e-06
+0.345315542928,0.471982478327,5.32751956278e-06
+1.8230933535,1.23716563249,0.000273931493459
+3.46771695967,1.58235329858,2.00889962253e-06
+2.27165305385,1.11034930066,3.93915939011e-05
+0.694188135754,3.12850641519,8.86970199583e-10
+0.608597865783,0.589034320697,1.36274274301e-05
+0.884563930068,1.90696033206,2.87213776447e-05
+0.744213333539,0.793771017588,2.93723980017e-05
+1.23104181743,0.57764367946,1.83942905294e-05
+2.14410720018,0.781615241351,4.86524369727e-06
+0.127323946109,0.146160204547,1.4319987838e-06
+1.14802444376,1.59064721801,0.000217122825734
+-1.08711587613,0.443954003254,3.50099589196e-10
+3.30961442047,1.36368832402,6.75735266928e-07
+1.37601081755,2.16068844692,0.000321208021708
+-0.238243753773,-0.461474976918,9.25262351012e-08
+1.58171483013,1.09465223563,0.00017374843251
+3.19066353832,0.748335450498,9.70143810444e-10
+1.12430424983,3.07990146208,3.09498844983e-07
+0.432067606058,1.11508767704,9.39629483644e-06
+1.46354897575,1.49968750321,0.000538865271211
+0.81675810682,1.12916827317,5.6189069897e-05
+-0.327783049602,0.845854886552,8.49723560656e-08
+2.05374043312,0.576253443295,1.22581653282e-06
+1.10610858554,0.721302676939,3.84551819989e-05
+-2.38131909875,0.708640427892,2.57065627076e-19
+0.994618158057,0.76443528584,4.20807891323e-05
+-0.27320320892,-0.104951343361,2.38204238222e-07
+1.40611629227,-0.108075329228,5.57076517911e-08
+-0.634774936968,0.831629450158,5.44634289744e-09
+-0.091751047598,0.530652223674,8.28031784711e-07
+2.57587507031,1.01061837582,3.56328270415e-06
+1.48410110133,-0.556229157698,2.18488167635e-10
+0.504413808504,1.32769693419,1.03325472768e-05
+1.05786324799,2.44651413631,1.14203340414e-05
+-1.00050961335,0.906628078187,6.18346016762e-11
+0.359000076675,2.89666231298,9.3613422216e-11
+1.03762151694,1.66515948189,0.000123592352922
+1.74110095566,2.43360036118,0.00126660674039
+2.8681274171,4.16579077499,0.00170375384287
+0.872624416189,3.01706419129,2.72916387166e-08
+0.219233113544,2.40436648195,1.85773025034e-09
+2.37888387763,1.8846002235,0.00261040058919
+0.519957323586,1.21940511257,1.35478703571e-05
+1.78931231846,0.858203382695,3.40408003702e-05
+3.36716371963,1.85720092326,6.07732249307e-05
+1.19999219464,2.38722860606,4.80938985312e-05
+-0.167317342599,2.53342801466,2.05549391803e-12
+3.64645620181,0.935440630636,8.03896393674e-11
+0.616576523987,1.45500872966,1.61118750718e-05
+0.352096080749,1.85370985328,4.39349146624e-07
+1.42198998943,0.498895827627,8.07933567038e-06
+1.81900673871,1.12158258391,0.00015365723859
+2.26068623012,1.11409723749,4.23459823888e-05
+1.84340223232,2.30242545672,0.00237287437054
+2.42116329611,1.46675578432,0.000274595734053
+4.30168150502,1.84833762601,1.51530879708e-08
+1.02689118541,-0.240982587748,9.23892244169e-08
+1.1810669513,1.31339846795,0.000211025015779
+2.39500467368,0.666183288374,3.68171748414e-07
+0.264556330545,0.734129978981,4.93199825066e-06
+1.49749287194,2.71362970915,0.000110076060037
+1.14827724001,1.40819333014,0.000210361577547
+-0.82877924403,2.28870508503,6.96326761306e-16
+0.624795291675,0.540198779863,1.24212210734e-05
+1.83711014942,0.567917433067,3.29012499339e-06
+1.77703220059,2.06606363228,0.00202095674701
+1.08912896586,0.83836756372,5.89336773099e-05
+1.55095393603,1.17693141732,0.000244665456813
+5.42314760507,2.17834428249,6.34248378129e-13
+0.0861326655498,0.734701762202,1.95411310953e-06
+2.53623428441,0.461965185451,1.22875680431e-08
+2.07960218563,2.96257900284,0.00204811003557
+1.78525941954,1.29289494176,0.000364212900757
+0.529135842458,0.871276797953,1.61950058206e-05
+1.63724368044,2.16229970342,0.00116461956292
+1.59315836138,2.46825845131,0.000519638910217
+2.01218647013,2.4615728922,0.00396315250416
+3.41451844531,1.52934248842,1.74983686512e-06
+0.965661047517,1.63319907411,8.88099293363e-05
+1.55329025059,1.05399053408,0.000147474726445
+2.63721828285,0.280419453718,4.62791625116e-10
+1.42816776608,0.832091612902,5.66947436476e-05
+1.02555841365,-1.25447217367,8.69329243815e-13
+-0.0185213973041,1.34961796392,1.7210385502e-07
+1.27516904143,2.34560298103,9.83842813354e-05
+3.43901575672,0.717815016669,3.72899970084e-11
+2.33551235882,2.12473331682,0.00576130519184
+2.26996222261,2.52821324156,0.00878563442539
+1.51105452559,3.65351751334,1.74843280582e-07
+3.78406901016,2.55158247157,0.00139922204679
+3.35116355278,3.68625001971,0.0868931140167
+3.81494763139,1.80513310523,1.20375148986e-06
+1.11286556956,1.11376493772,0.000128676721156
+3.15770852012,0.0384252535473,2.2540499876e-14
+1.52348245946,0.639529668535,1.60098171825e-05
+2.17073223225,-0.238923992262,3.45419926833e-11
+-0.50498879481,-0.510461566954,4.25155853645e-08
+0.65194107462,0.114487159091,2.38116032516e-06
+1.75724262638,-0.704955387329,2.54224039137e-12
+-0.0185372592728,-0.246868221556,3.04849484157e-07
+-1.27401203036,-1.3700579677,2.6101856364e-10
+-1.69478849589,-0.17360905749,1.00189856023e-11
+0.695114602889,1.14058078193,3.45148481487e-05
+-0.280196418651,-0.37732211297,1.15247109664e-07
+-0.740179461468,0.125843351814,2.04204698458e-08
+0.0430450990263,-1.11036723937,1.31432792994e-09
+0.237839806288,-1.70409218552,9.01608682284e-13
+-0.469606329192,0.188173532053,1.12746226987e-07
+0.254049303086,0.944098574388,4.15293719398e-06
+-0.713010115184,0.901768077034,1.70085572052e-09
+1.1391157709,-0.0407978762271,3.33270801148e-07
+0.615592905301,1.1340823398,2.40377060194e-05
+-0.859832520086,-0.288762098573,1.27604500639e-08
+0.247661508879,0.447530224591,3.72883755106e-06
+1.94443313372,3.25238712085,0.000243603819617
+1.73510809013,1.45111736229,0.000663472614712
+0.612822489064,0.354049958755,6.71330857517e-06
+1.87637415134,1.57430253072,0.00102862832609
+2.62571063333,0.323760288477,9.30095184467e-10
+1.48052015735,0.536499499757,8.97822051029e-06
+1.10316739311,1.59240123168,0.000179337073793
+-0.0646773352658,0.954846066249,4.91555969043e-07
+0.337181966128,3.29551545715,5.54117804697e-13
+1.72998081002,1.62657099742,0.0010684616006
+2.68939568739,3.30498579683,0.0171446182582
+2.97899284119,4.49720031344,0.000496462960352
+1.64431408176,2.62556279862,0.00043727942607
+1.91902122513,1.50404750906,0.000801038420808
+2.98115777116,2.56727459542,0.017541463095
+2.16600250633,3.76067301903,7.13366155709e-05
+2.30446493867,1.64561620127,0.000999050881147
+1.6090612766,4.38537542919,1.89158566365e-10
+2.75767955196,1.31721042311,2.01114253564e-05
+1.89514728945,0.253220751239,1.2958696015e-07
+0.819303431743,2.64228867802,3.24557923013e-07
+1.07164255097,0.788476651078,4.88829516276e-05
+1.72200376411,-0.072149323031,1.21091106606e-08
+0.864948897541,0.133065035278,2.2395277689e-06
+-2.04167471332,2.57800913114,1.87652471876e-29
+0.554666096206,0.855628536072,1.76945840295e-05
+1.84739189427,0.817038957512,2.1619428526e-05
+1.81345217752,1.34288639223,0.000442228342575
+2.077164477,2.63865733837,0.0042124310671
+2.58892911908,1.91923815604,0.00224920759089
+3.03539220174,2.15632997866,0.00252520861528
+1.93951742069,2.99135162696,0.000781368453599
+2.55273626237,2.13321683754,0.00572350925418
+2.28463395637,2.7793677014,0.00802482745531
+2.14913577946,2.69589092732,0.00524012225751
+1.59183137936,0.325202574183,1.22201858738e-06
+1.20028139615,1.01660858507,0.000115934810692
+4.18641423861,0.266654760645,1.32556658542e-19
+0.59098734215,0.673327451618,1.56421772674e-05
+1.76391236211,0.71223203764,1.33891709413e-05
+1.76033397472,0.0965746978107,5.85877375519e-08
+-0.970340903606,-1.25330290312,8.65361876227e-10
+0.876315350005,1.79824439071,3.74241741637e-05
+0.495548087996,2.68230472052,5.14016956053e-09
+2.02288188635,0.568811574079,1.35087128813e-06
+0.748745097004,-0.112123023024,5.59542093951e-07
+0.675199292941,1.46703243063,2.25609503673e-05
+0.64144236772,2.95222518072,2.62824733031e-09
+1.16722872261,1.14814091586,0.000153989605494
+1.51486611174,1.15600408557,0.000225457251815
+1.36957285845,1.14208495723,0.000200396400413
+0.64356215005,1.20345953069,2.6525191208e-05
+0.930279365127,0.982341343276,6.63676216858e-05
+-0.164363875345,1.62948842082,8.0545677365e-09
+1.41588323495,-0.153456252985,3.35578087666e-08
+0.0306066597113,1.68069230628,4.78938263272e-08
+0.938457260233,1.79866075671,5.55568173385e-05
+1.39120576366,1.24883939199,0.000278616740436
+1.94506986518,1.92188010188,0.0025848023561
+2.55285077741,1.18340181654,1.92417921859e-05
+2.00496611755,1.10006034677,9.05147619104e-05
+2.36888380821,3.77828286481,0.000360966166325
+-0.335496952061,3.48166951969,1.14315397312e-19
+-0.156963606864,1.25285155936,7.47991014809e-08
+3.65167774349,2.97172506814,0.0256416857233
+2.03363120414,1.15688271289,0.000119711159882
+2.48561038028,1.89620635212,0.00240751563034
+2.3988636497,0.668916399318,3.6901811084e-07
+3.71877294976,3.23204163172,0.0594191128459
+1.73596098113,2.70180074842,0.000604878980095
+2.58215117281,1.46735403452,0.000154789942569
+2.23825837681,1.49968999992,0.000536275212522
+1.0557483427,2.48694598997,9.03189084539e-06
+0.28230986523,1.5423836033,1.04537093454e-06
+1.57960736439,2.5462611669,0.00037681835363
+1.40788116213,-0.0767877351166,7.49633916996e-08
+-0.129013220734,1.46738122287,3.22334467403e-08
+2.65190478247,1.97829396537,0.00264274167938
+1.63842663519,2.0219197131,0.00127667566923
+-0.208612005475,2.56560878751,7.38235330333e-13
+1.62998823002,1.47681736524,0.000663297468646
+-0.287070921759,2.93664299771,1.55485911767e-15
+2.8572810727,3.36682540973,0.0292296982691
+2.79010807331,-1.76201929963,2.91170722702e-28
+3.19970287002,3.09075376642,0.0579713575079
+2.7694338903,2.2575358212,0.00732330556112
+2.14497068617,2.80570558352,0.00428073132759
+1.23987971349,2.48431224139,4.26970824281e-05
+2.10145734238,2.83992531238,0.00322151770275
+3.51782363144,2.18587358268,0.000381480188257
+0.985013820177,3.02772913923,9.62834724093e-08
+2.20785489737,0.122540277833,3.01791015562e-09
+1.62192966162,1.9759278741,0.00121394371805
+3.25290873563,2.71921922378,0.0211889159655
+3.37634910554,2.38151171003,0.00288097575739
+-0.434380928731,1.18501092138,6.70591023206e-09
+-0.282787674439,2.12667877564,2.86966013387e-11
+0.905873525448,2.61942964136,9.52466495378e-07
+2.82524149172,2.21808741396,0.00573131294024
+-0.0248357844407,3.54551682458,2.1043347756e-17
+2.15547311018,3.26630418994,0.00105915208026
+2.17560025667,2.73118670878,0.005558272684
+2.52842240813,4.75705272885,5.60715151232e-07
+1.7107508112,2.87570324557,0.000259588558909
+4.17746905578,3.02507454548,0.00471385234516
+1.66370794614,3.93452813096,7.18644946447e-08
+0.584994189581,3.44341370009,4.50420173417e-12
+1.89389217355,2.29132945904,0.00287614784326
+3.05273413663,1.93914708486,0.000606463066132
+4.21370934745,1.13868522177,1.15250734831e-12
+1.66440431359,2.69178410469,0.000394687069405
+2.1254359896,2.46442885734,0.00582229898234
+3.28441721463,1.60346853573,1.00280043395e-05
+1.01636821096,3.74605832496,8.03179025653e-11
+0.573164436351,1.53958265784,9.85250463492e-06
+-0.482742119614,2.37232171736,8.9807654804e-14
+1.77178832604,2.16793673506,0.00196485571339
+1.613755698,1.43292253989,0.000580900004119
+1.97108483825,0.670953009546,4.29954696661e-06
+1.66150577683,1.33748600033,0.000444211699138
+1.55797985837,1.83705880104,0.000965925977057
+3.29552762593,2.72414199563,0.0200741068762
+1.91575588414,3.26276151915,0.000183674112604
+2.12721572307,1.9456519933,0.00330469400826
+2.29557420725,0.711234796378,1.10278528071e-06
+1.25550018472,1.79831700221,0.000305748009123
+1.54627757036,0.612286621825,1.26367577444e-05
+0.87421810638,3.50377985364,1.77366577789e-10
+-0.8889717065,1.90423825726,3.00975085044e-14
+1.70982427532,0.128574262882,1.09966188968e-07
+1.62383885649,2.1364170784,0.0011280094993
+2.64559437514,4.00015131803,0.000846017623101
+2.34554309977,2.37656080687,0.00932361831687
+1.131287666,1.36696753576,0.000193325775462
+1.61313079863,0.646037060623,1.32705775706e-05
+1.79564150042,1.85681112398,0.00180289747054
+1.10261988765,0.46718444872,1.15591206978e-05
+1.14161701027,0.396512654345,7.37847984966e-06
+1.41281658449,3.40294691488,5.32642898658e-07
+0.630810596953,1.49033951729,1.63314581049e-05
+0.895562167433,1.96015586276,2.60159455638e-05
+3.63240943986,2.52311121726,0.00240884598662
+2.12939598378,2.16980143164,0.00505287987901
+2.67329225517,3.18406529998,0.0198843052274
+0.924203043803,2.61632393447,1.17317312441e-06
+1.27869076127,1.83342629682,0.000329040002801
+2.10870261889,2.2999870509,0.00544800553754
+2.57263674721,0.109376446494,8.21004177151e-11
+1.27387048709,2.05297863679,0.000228409659288
+2.65013144253,4.62307700034,8.15289094415e-06
+3.41426075258,3.90472445123,0.0777181445967
+3.64925974173,3.3416440381,0.0875554777094
+2.84757446055,3.9809268609,0.00391787911146
+2.50734272319,2.52445293299,0.0141787108221
+3.01804249371,3.47685986521,0.0428377466432
+1.64332022996,2.5119523361,0.00061822195777
+4.38464148335,3.05977263279,0.00192073035159
+2.46589136466,-0.176124852097,3.86058830595e-12
+0.703743593913,1.94666114044,6.28677463146e-06
+2.27583251005,4.60600361357,1.29305257985e-07
+1.42741053082,2.12125097647,0.00045859954397
+0.450037014975,2.26175168619,9.19059317865e-08
+2.83828925563,2.74458613184,0.0274141039005
+3.22203947758,3.07040243059,0.0564907456181
+3.29603392117,3.63164150118,0.0795722608613
+2.70135207414,2.68583050347,0.022195588392
+1.69474238232,2.63627236613,0.000580098475177
+3.91425392821,2.93405634535,0.00894667886724
+1.49652048643,1.51066792376,0.000586026674461
+0.653163474037,1.4685793147,1.96689139297e-05
+-1.10669952936,1.35650971148,3.48645204778e-13
+2.42918624993,-2.25712048821,1.5799267852e-30
+2.09769074403,-0.151238059708,2.31631243959e-10
+0.558332125444,1.05024777971,1.8874134907e-05
+-0.659907251882,0.610801065653,1.0930602988e-08
+-0.576104944656,1.3359948271,5.17512309888e-10
+2.54891782259,0.692974082578,1.63197232101e-07
+2.45640191423,0.623421423541,1.50663195958e-07
+2.14510435831,1.91973235395,0.00312127316584
+1.32339954922,1.3445455703,0.000308994906297
+2.12111756794,-1.31988038442,7.43791831469e-19
+1.81773424536,1.75112598154,0.00156377841847
+1.83727950143,2.06353215438,0.00240492414247
+1.97763386243,3.52498433868,6.41286530305e-05
+1.62788530994,2.33855623014,0.000858673602026
+1.60917759842,3.05974975064,4.50639381736e-05
+2.19611697449,1.99224809132,0.00386609644281
+1.16806981508,2.3910957088,3.69679496845e-05
+2.33127680041,2.85073007904,0.00876980740646
+1.6335229434,2.97673144628,8.78115003728e-05
+1.24874859614,3.86524587194,5.82409535861e-10
+3.66941532645,4.10994331822,0.117475888969
+3.19265168254,3.3679880082,0.071301199552
+2.97323219791,4.84306414683,3.11831529364e-05
+2.37698608987,3.03134018351,0.00781195412848
+3.02471332165,2.39425058991,0.00854404153622
+2.38837032563,2.44396155884,0.0107911807288
+2.36632572857,0.405692778845,2.53144972898e-08
+3.44774721106,2.9763881247,0.0389516290535
+3.76113475849,1.23798685841,1.66435307909e-09
+4.78927153667,3.55451145061,0.0056278887869
+3.5441933883,5.09305323192,0.00071068352512
+5.04570970403,2.14924058939,1.00924547558e-10
+4.08004216514,2.16486318573,5.94685679468e-06
+3.23125670923,5.1954000539,1.70754147694e-05
+3.16580270202,3.54580651532,0.0613383825149
+4.2758511753,4.6860114756,0.208066693114
+2.27145847496,2.52730140663,0.00881992051809
+2.37474181284,3.01390562871,0.00801205916378
+2.5149699841,4.85319598595,1.70053667641e-07
+1.11692091305,0.651484931273,2.85239999939e-05
+-0.750506799813,1.97985625186,1.1820720677e-13
+0.830582381227,0.346186154248,7.22867644205e-06
+0.670443916567,0.302371139401,5.73695052368e-06
+0.671190139719,0.510002936523,1.23045942509e-05
+0.16945542777,-0.288807031013,3.03958430834e-07
+0.216750743335,1.84623897037,1.20146267281e-07
+0.413735230596,-0.821706174802,5.18911511949e-09
+0.67979086188,1.06920134296,3.21726776701e-05
+-0.354633082344,1.88252477334,1.06381264395e-10
+0.609553392095,2.24083200165,5.65188899882e-07
+0.655916715399,2.0519510885,2.55738021975e-06
+1.05346516288,-0.032855883022,4.7171814902e-07
+1.09199180981,1.52365747482,0.000175447617082
+0.0148494596269,0.11295029259,9.60992199034e-07
+-0.00959840388722,1.44547952726,1.18164911981e-07
+0.533105213391,1.87202976773,2.08854610886e-06
+1.20511212094,2.97160096289,1.72436987366e-06
+1.33806190492,0.338335326856,3.29783310293e-06
+0.678682038179,1.20099264932,3.14910713343e-05
+0.588612161764,-0.1351014928,6.10844872525e-07
+2.25632269057,0.521641450722,2.06456180171e-07
+1.63975268544,0.040992411893,6.79715418194e-08
+0.451306179476,2.01827013816,4.52971828091e-07
+2.70492595242,1.18424761972,8.27629410392e-06
+0.307370551141,0.752906645597,6.02629286708e-06
+0.514516641785,1.70335363498,3.69153190091e-06
+-0.135937270933,1.44364235247,3.43463979767e-08
+1.64568265578,0.209484527412,3.40483892012e-07
+0.65394094198,0.972405016739,2.78933206302e-05
+1.35033454139,0.151606822181,7.50805847053e-07
+1.12976790239,1.304375885,0.000181256545512
+0.825324561615,1.24951729172,5.99746855468e-05
+0.806019589246,2.56703248976,4.85102157081e-07
+1.88125213207,1.39972148803,0.000538154988175
+2.85693281716,2.65457909681,0.0232665720326
+2.24603909452,1.27957337546,0.000142219706629
+1.88253978025,1.59859276747,0.00111309943874
+0.875778580443,0.0843246083085,1.63134363938e-06
+3.34142264132,1.39276706039,7.16291451156e-07
+1.6643933914,1.70979701733,0.00112591530727
+0.816248304325,1.44996397455,5.111508321e-05
+1.95834454109,2.82657221317,0.00154825840095
+0.638289145156,1.51615235855,1.61567589529e-05
+-1.16221675716,0.387998938339,2.088064372e-10
+-0.0767166488373,2.57194938163,5.33453884088e-12
+1.22055756768,1.56767414325,0.000288128233777
+2.22428527399,1.62413444222,0.00102080204182
+1.02100562898,3.19071881186,3.44041589394e-08
+2.41146240905,0.351492522569,9.16728054926e-09
+2.28404451413,0.170388677549,2.87306212558e-09
+2.72747295044,4.12051119065,0.000772279528
+2.54613383356,0.000808310585905,2.25976935259e-11
+1.44909711474,2.12794714063,0.00050658917643
+-0.176016941364,0.719588390652,3.81519102476e-07
+-1.86041175848,2.67634998541,2.48696998301e-28
+2.96988657215,2.90106943747,0.0382871482407
+-0.211792010072,1.68390587447,3.19798220518e-09
+1.40854217923,3.33179986961,9.23761372074e-07
+0.273207201686,3.38984667893,5.2660205097e-14
+1.64959867837,2.51716540434,0.000632151698478
+1.88493869091,2.99228240664,0.000538865203681
+1.19803152298,1.68198211523,0.000257801116102
+-0.503162969872,1.65713781441,1.05628051596e-10
+0.554545436213,1.81352589311,3.25902522415e-06
+-0.0999582970408,2.87300258617,9.58516498797e-14
+1.61489841179,-0.53274721894,1.02344148635e-10
+2.21477220989,1.36778924895,0.000269256614567
+1.90472221004,1.52276015584,0.000862052153445
+1.19052310978,2.85649400992,3.3416211959e-06
+1.80057052205,1.06683844338,0.000117702930838
+3.60977776943,0.927409675444,1.10956916688e-10
+0.776515933976,4.06038262672,2.14180211577e-14
+0.550807247294,0.0389591627275,1.65100418799e-06
+1.88927258178,0.318472401809,2.59264274857e-07
+3.73665452426,1.15310513643,6.65517692189e-10
+1.42960611584,-0.87043869305,5.31457089186e-12
+1.87813267215,0.816214552226,1.94164039303e-05
+1.33361886764,2.44091751859,0.000103875949175
+3.99276463631,1.59889623975,1.69828875921e-08
+1.41314061634,1.81531918812,0.000584198637108
+1.74678279855,1.71218015519,0.00130685488668
+0.684636899419,1.2607555763,3.1243428427e-05
+1.83187265589,2.33401458115,0.002206354882
+2.09427182037,4.20613025226,8.66935833457e-07
+1.25750171523,3.35269915444,1.36833351964e-07
+-0.455222548248,2.07824786844,3.83414538425e-12
+1.07664321154,2.04374010584,6.95670856468e-05
+1.47873642091,1.23740991678,0.000293402224371
+0.856363506804,3.61668951456,3.50105544465e-11
+2.34561545008,1.07716436431,2.20540534954e-05
+0.670872864414,1.08772193095,3.10826306235e-05
+0.90446223466,0.849845898207,4.7195585953e-05
+-0.48817096173,1.0499311626,8.00653136686e-09
+0.777117236021,1.89096448216,1.39163863726e-05
+1.55114666682,1.07171157101,0.000159578437096
+0.911712696858,-0.166661136094,2.5423438469e-07
+1.09236666945,1.18037439135,0.000138654734565
+-0.747485136934,-0.33715026126,2.28242882199e-08
+1.42228169741,1.23482238648,0.000277454534723
+1.84323777785,2.60085126869,0.00149735480129
+0.332536290413,-0.558478761599,5.30793266616e-08
+1.88680098151,1.76098118087,0.00173562639796
+1.4710989868,1.46148892795,0.000510617964779
+2.46926370435,1.10394797456,1.5075881429e-05
+2.62552112209,1.07024279245,4.624547935e-06
+0.925236347159,1.7406554088,5.84522140861e-05
+1.16421608578,1.59209543052,0.000231878912619
+0.430936009415,0.918933371179,1.06683606185e-05
+1.60228261311,1.6410409331,0.000895437505365
+-0.0223239184221,1.55068339885,5.95386232561e-08
+1.82760260349,1.9952459399,0.00224633246187
+0.0400146077144,1.82278478025,2.12787258078e-08
+2.21024322411,2.82399184143,0.00555080877151
+2.86609871913,2.68590021249,0.0249235536134
+2.67643316571,2.98288220096,0.0241991106363
+3.37930646083,2.25039525865,0.00122268532462
+3.35595002513,2.44547784332,0.00451935869392
+2.86782341754,3.5995203239,0.0185363255666
+1.57393088329,1.393041231,0.000501620387947
+2.30405032931,2.81480114586,0.00827409060891
+0.801024836924,0.308617434164,6.06199545392e-06
+2.17774457546,1.03742573065,3.31183490694e-05
+0.584034124721,1.63431106818,8.02565617523e-06
+1.90594130821,1.41050547772,0.000553765427504
+0.731522463186,1.11495229556,4.01686974752e-05
+1.27712642577,-0.320243150717,1.31513255548e-08
+-0.0409548813879,2.33395875953,1.10772003509e-10
+0.56976197267,1.93838814724,2.09576012166e-06
+1.73471949798,2.15075624494,0.00173001786569
+3.38103661264,1.43954709626,8.64816385819e-07
+2.16878925066,0.798719418035,4.99237101239e-06
+0.473184836364,1.4170754187,6.86892256731e-06
+3.23273705548,0.908447148191,5.43795462574e-09
+3.36484771338,2.86994174869,0.0306472900488
+2.55404195145,0.852323893385,8.58868382903e-07
+1.09575509298,1.74191400001,0.000150555147178
+1.82259774491,1.71732381656,0.00146433903455
+1.28235384588,1.68466879921,0.000363251894479
+3.45438560391,3.9925080811,0.0750854230261
+0.930289445561,2.61119461822,1.29164450284e-06
+3.343806884,3.09506952192,0.0589645481219
+1.88500516464,0.831177434193,2.11328339566e-05
+3.2066423069,2.81343545584,0.0308622277801
+1.97497781199,1.22461632406,0.000203457341275
+2.28421347766,1.70706736048,0.00137283851957
+1.7893285502,-0.629234964827,5.572188476e-12
+2.92089667257,2.12767530559,0.00300828413327
+1.52718456789,1.8626025469,0.00087778808447
+2.05357413412,1.89366545259,0.00276157883461
+2.49165398227,1.93553582497,0.00283128714409
+1.94145000714,2.53511909674,0.00273160080105
+2.45579150525,-0.260280149727,1.18106576687e-12
+2.11692057338,2.3100069933,0.0055862567823
+3.44456772209,2.14407005727,0.000411258508435
+0.92875781907,1.33054899496,9.18739750402e-05
+2.46463880193,0.906584481661,2.60516864522e-06
+0.804048627856,2.04279654762,9.38559413891e-06
+0.216073680634,-0.0815318532062,8.02805659437e-07
+1.27994651258,1.31619029089,0.000268252010876
+2.15555818745,0.622879385137,1.0760203606e-06
+1.8403877451,0.484284154629,1.58257600576e-06
+0.519526621281,0.669518481142,1.26403804662e-05
+1.77231806122,0.907543154941,4.88047119783e-05
+1.60265138186,0.836774112366,4.56144969371e-05
+2.16539578279,1.23159631465,0.000133118683646
+-0.185479662427,2.86573659599,2.46960282205e-14
+0.74141814236,0.0747693248675,1.82077385723e-06
+0.0933322469965,3.02866347663,3.19335930545e-13
+1.32637901119,0.667687980822,2.68365993935e-05
+0.99215012641,-0.037887170487,5.42841689494e-07
+1.73149212705,1.48795185893,0.000742671387169
+0.0903387491215,2.02760776336,8.65945390569e-09
+1.80258227492,1.46286605216,0.000700521621673
+1.02664245564,0.69629501647,3.38091973036e-05
+0.737865491859,0.714867638661,2.43876145401e-05
+0.966184245578,1.80509379349,6.49095190611e-05
+1.33375174145,1.77161021095,0.000434396497719
+-0.342884695347,3.03748515122,1.27683010508e-16
+3.27498220783,0.493462780323,8.77470888652e-12
+2.34416732599,1.14398036694,3.76139337407e-05
+0.192888784441,1.4621973693,6.82016094728e-07
+0.852000228873,1.91209201599,2.24043373201e-05
+1.41548620647,1.62222261763,0.000557274166419
+0.606717679287,1.215072791,2.18095922236e-05
+1.03578020113,0.552131502146,1.83982892239e-05
+1.29614856992,3.5958176501,2.13574491753e-08
+2.19207181846,3.07139313747,0.00276015323963
+0.3543758325,1.80836960038,5.71688351999e-07
+2.0784781641,1.17396556082,0.000118145359102
+-0.928726751924,2.10043579536,1.40018684818e-15
+2.53002871476,2.48322403168,0.0137729724031
+1.67029516537,2.56848413886,0.00061635082137
+2.14165655769,0.0868033143059,3.36271150541e-09
+2.47140133603,0.90642337044,2.49665136255e-06
+1.64648592428,3.54202153569,2.17983185015e-06
+0.350875667463,3.27197536457,9.42136236419e-13
+1.80272711927,2.06446941435,0.00218173150081
+1.11532423396,1.3284181638,0.000177986832057
+1.0002327336,1.86249917382,6.98626088806e-05
+0.210960321606,1.73183521203,2.1946431243e-07
+1.7945938679,0.64301632361,7.15424763264e-06
+2.1614761837,0.988911443135,2.44691829888e-05
+0.021447540865,1.76000968573,2.63595734955e-08
+2.75788426246,2.43303685544,0.0133747869925
+1.67718248736,1.30155397343,0.000390981229861
+2.19027194411,2.86507186038,0.00468703689961
+1.74066358589,0.681011787883,1.15205591488e-05
+0.462969699195,1.00147150134,1.21430122189e-05
+2.68804422236,-0.0866579833384,1.18947845099e-12
+0.352114100063,2.93450106742,5.57848003262e-11
+-0.314881342841,2.21301317577,7.47082599631e-12
+2.85733104865,2.51968163884,0.0164960210707
+1.74371094761,0.67137989286,1.06271928937e-05
+3.71800520649,3.52320019031,0.121988996524
+3.18884074946,1.73642832913,6.31621875495e-05
+2.20661347216,2.23393146117,0.00624384683084
+1.73267557629,2.88744133504,0.000288871235477
+2.34892980845,1.81669451594,0.00204034393339
+0.417123254468,2.96933493868,9.78979288563e-11
+2.32080633935,3.86393080635,0.000139717536361
+1.29469251597,2.36316523056,0.000105788806897
+2.17813809682,3.49344386057,0.000410660856738
+4.35120675015,2.22059120445,9.16495513889e-07
+1.19738043551,2.55488364382,2.14319372026e-05
+2.69382104953,2.86500758892,0.0253231292304
+0.0981531969484,2.40657398833,3.68523513719e-10
+1.67206860772,2.80630484103,0.000265109573871
+2.56722360817,3.11854460227,0.0147512959336
+1.74297611279,3.55673813499,5.34806612453e-06
+1.62331201257,3.11096430255,3.75932673889e-05
+1.80476084378,3.92050553486,4.55059211677e-07
+3.01298203549,2.0655039274,0.00159830499544
+1.3165857143,2.18238302979,0.000215511001557
+1.02083667169,2.41580760445,9.72820138523e-06
+2.07972674494,1.80039516444,0.00217529501909
+2.41250128631,1.74337930603,0.00133245245507
+2.39325708064,0.447408017295,3.33051610934e-08
+2.98942220099,1.17906690868,1.15026387843e-06
+-0.655237787721,2.86754714563,4.19531940448e-18
+2.97619527383,0.425345778646,1.02260562487e-10
+3.8748874962,0.633794948904,2.71630148941e-14
+3.12373168443,1.40817112911,4.5535497555e-06
+1.42100929183,3.02855465988,9.91348952326e-06
+2.76739868918,1.91091736088,0.0014049268658
+3.37815549861,1.96130897899,0.000138572187303
+3.17524910609,-0.991844570961,1.65021836457e-23
+1.2164983332,1.8134926837,0.000250824451374
+0.951778350504,2.0666159671,2.67708375755e-05
+1.26477135011,2.30743567735,0.000104977108019
+1.21636877747,-0.0332915915376,2.65848271624e-07
+0.472879324749,2.55508766527,1.19510870919e-08
+2.33508161718,2.37302998961,0.00913301514672
+2.6922899294,2.0075580201,0.00280620950446
+2.18101503877,1.30907078736,0.000206665229732
+2.20420906073,3.14266188903,0.00233874273334
+2.09568264274,2.08823968202,0.00425977316288
+3.05937492075,1.79976766947,0.000213588232033
+1.15145863797,3.33847888203,4.30890932227e-08
+5.27735267446,4.68283864852,0.150869915865
+2.51064962257,-0.120049564026,5.49178103858e-12
+1.61028693053,3.02188483175,5.65551904335e-05
+1.2424004169,2.50877958901,3.88942552784e-05
+2.81450036973,1.63208011937,0.000191473347864
+3.45332619819,3.4579827316,0.104055540673
+0.442242952241,3.12254409144,2.48916223101e-11
+2.18886201755,2.55828603517,0.00687899493767
+2.99530051574,2.21688150024,0.00393217513614
+2.9688898127,2.50054604999,0.0141694486294
+0.185286186334,2.07233236657,1.86522322903e-08
+2.03159855526,3.37964177537,0.000243307810617
+3.058299998,2.28787947365,0.00479048435782
+0.815970473821,1.63558782979,3.77631744095e-05
+2.77932970607,2.0966086719,0.00359748848867
+0.945119312767,1.31567219316,9.78816058588e-05
+2.98197549009,-0.308424112828,5.49744155768e-16
+0.645473210747,1.03742799341,2.77176166773e-05
+2.93210451035,2.14893444535,0.00326463459223
+2.6473417275,0.834070162095,3.66800648346e-07
+2.93516803547,1.63568652348,0.000110830001944
+2.58713599845,1.09077970662,7.03746263589e-06
+3.313140805,0.506613331707,6.72816776844e-12
+3.86021320722,2.31670213144,0.0001382105452
+0.125192945444,2.94088451783,1.61121861048e-12
+3.37682019206,3.70081214996,0.0912955468354
+2.39247972962,1.81462556853,0.00191549817757
+3.29577120168,0.872603607295,1.75362308285e-09
+2.54174432628,1.81961285793,0.00151149555211
+1.19317503317,1.1331901148,0.000156181763829
+0.0686480947935,-0.554932817155,7.18740490724e-08
+2.486932813,0.925287757505,2.72042331932e-06
+0.195650781543,3.29239496309,5.33581226961e-14
+1.25513381099,1.55030343456,0.000323575333247
+0.725661942175,2.25636157003,1.59978651793e-06
+1.00599774072,1.78916412884,8.51489793666e-05
+2.38643276121,1.85891355978,0.00233305600477
+0.771831442872,1.87585706522,1.41274873733e-05
+2.63395060893,1.7429415704,0.000782752574143
+2.50655004064,1.64180042053,0.000622049097993
+0.739584668532,3.5968282379,7.34010035854e-12
+2.29997209643,1.56617249143,0.000672696426255
+2.64496745044,1.44899056602,0.000103798175047
+1.00246869036,0.972791398912,7.6140479771e-05
+1.23289474956,0.655469154407,2.75701175942e-05
+-0.207701001474,0.112537753031,4.24052090018e-07
+0.48524996767,0.532525755817,8.90466840996e-06
+1.11599169923,-0.766715118162,2.46472285171e-10
+0.425413208059,3.24106820301,4.59808763153e-12
+1.40289543162,1.13870143896,0.000203173147077
+0.837474771788,-0.577015847982,9.32214180319e-09
+1.69980262545,0.403889647624,1.49983502998e-06
+0.774449134439,1.2830390744,4.75071439843e-05
+1.79518699888,1.21742009894,0.000257056752011
+0.211048245405,1.1317672874,2.28705167983e-06
+1.69510737262,1.06128375742,0.000134254595641
+3.41664230948,1.05936382923,6.10301508082e-09
+2.24926568478,2.15717962552,0.00582536295099
+4.06674638289,2.83557010818,0.00233537305802
+3.74665770347,3.06353161379,0.0298083655065
+2.79277893155,1.70335020283,0.000348972809505
+0.433158890378,3.19067197317,9.62536142891e-12
+1.2871381795,-1.10062132599,7.39621035552e-13
+3.33953426889,3.86073704888,0.0660052267865
+3.68211541469,3.38769397852,0.0949921999923
+3.59832628963,2.0409066115,6.9544412697e-05
+1.00691957339,3.20159038499,2.60747655955e-08
+1.63836742422,0.209291201697,3.52581663643e-07
+1.31736875274,1.98819455641,0.000325774987429
+1.63942419298,1.13254030638,0.000198620299937
+2.55261112364,0.283146212874,1.08992272264e-09
+1.85937590655,1.73713785124,0.0015960656166
+1.900671068,0.945457783568,4.43888125472e-05
+3.06751331778,3.23935139499,0.0563614309645
+-0.0218041602524,1.71505138619,2.20840855123e-08
+1.58943710428,-0.460518125851,3.18292690295e-10
+1.60998682439,2.10027367104,0.00109847118798
+1.20194627579,2.62523733656,1.53323615473e-05
+1.40536073868,2.26847255227,0.000292877351589
+0.164479667076,3.03426081905,9.49267542509e-13
+-0.138633363468,2.46868025853,6.60448366254e-12
+2.44546880248,1.54705645526,0.000420517270291
+1.36915414383,1.89973495932,0.00046528464874
+1.59785935299,2.38802243498,0.000657171230131
+1.2282511679,2.40553321323,5.51630145948e-05
+-0.511028473446,2.76798906812,2.901387232e-16
+0.990168577162,2.88244428827,3.38279025999e-07
+1.30281465373,3.56127590018,3.28977419748e-08
+1.95309448487,1.61413414307,0.00118317280493
+2.68387519459,1.60512499022,0.000272388251321
+1.43729860165,0.460731871898,5.96971508895e-06
+4.11379908358,2.02073791203,8.95573979745e-07
+-0.189507011669,3.55780571163,6.353160179e-19
+1.46600391375,2.06571757143,0.000604121552858
+1.16550208578,2.7793658841,4.35931780079e-06
+0.568817721194,2.07540485485,1.01418393721e-06
+1.09829547077,0.864674946203,6.48685330315e-05
+0.897150924632,1.87118164131,3.49868916113e-05
+1.08339688513,-0.452728025696,9.6405729671e-09
+-1.13337473954,1.83756463255,1.09971581266e-15
+0.181817168265,1.17534069304,1.6677870552e-06
+1.75912727619,-0.391028158336,1.92804956012e-10
+0.0328846258525,1.39771204563,2.20613572933e-07
+1.77779454324,0.238068402763,2.21666242703e-07
+1.79008298712,0.321565621927,4.62549292739e-07
+3.0510169351,0.342621623602,1.27096767654e-11
+1.00526475891,-0.467667490754,1.23140146975e-08
+1.37183406268,-0.192740907795,2.87336879238e-08
+1.95848675042,0.310973524034,1.58647245893e-07
+1.65905058722,-0.72924182417,4.65933457371e-12
+1.8519584706,1.87251613519,0.00204892723157
+3.05644621621,2.20077951757,0.00303467812774
+1.23467199292,3.2289167934,3.11091014452e-07
+2.72780990942,3.99974046805,0.00156307677506
+1.58990078328,2.29019316221,0.000775816737444
+0.84703964949,1.61768378157,4.70948574297e-05
+2.9728153462,0.52369379484,4.29591769146e-10
+0.631713920592,1.95188707275,3.36565557227e-06
+-0.641750315234,1.36131166482,1.92563647653e-10
+2.75402795144,4.62753877489,2.28914035261e-05
+1.66673663535,1.25088608508,0.000322357428521
+1.43580038983,3.8060710133,1.47519881378e-08
+2.25353754062,3.82517598148,0.000100449846673
+0.220724410272,2.05550537248,3.15049704227e-08
+2.32661663508,3.36487769622,0.00214416381505
+3.63126882509,1.46107487345,1.18191839879e-07
+1.38153457659,0.904510915769,8.22285455895e-05
+2.37733499947,2.65883382736,0.0117058016762
+2.24204590672,4.15632008143,6.95926269819e-06
+2.29308166727,0.785353111108,2.2732097482e-06
+2.51764628844,1.82647478272,0.00164357567202
+2.11192133688,1.45777661555,0.000543269913402
+4.3482800803,2.6613344764,9.15516385406e-05
+0.622929431612,1.53097409869,1.41042262159e-05
+1.78408128492,1.50005523931,0.000789768793976
+2.53712409353,2.411817419,0.012231205115
+0.515187177988,2.66497448659,7.70622315018e-09
+0.914023562626,2.25605883298,8.73630528687e-06
+2.08346584379,0.904769024272,1.75600137045e-05
+1.95298422822,3.83575531768,5.01491552179e-06
+1.94913478558,0.709346842992,6.51095305448e-06
+2.43128504068,0.692177624756,3.77124362326e-07
+1.04082862277,-0.0250155713019,5.20723444621e-07
+0.802257816423,1.61461243663,3.63030616453e-05
+1.13660933479,1.10269420908,0.000131674475754
+1.76455439041,-0.0689387161217,9.3694972626e-09
+-0.187184864124,1.57884878323,8.74177542446e-09
+0.126081182237,1.36257162213,5.79117318561e-07
+3.03832310507,3.76303985909,0.0255589353562
+1.91656742723,1.03497792497,7.57973292551e-05
+2.41165150666,2.6491630537,0.0127978004933
+1.21347978461,0.742703846837,4.21137336719e-05
+0.379744361135,1.17264551478,6.33770226935e-06
+-0.822439987576,0.668543713025,1.80791116823e-09
+1.8351020466,2.14209218325,0.00243931388559
+0.374597536019,0.983536115645,7.80234146161e-06
+2.9467334506,1.0897215147,6.10980199121e-07
+2.8650203171,2.72540232559,0.0269246115345
+2.17192958535,1.64323719428,0.00118326255376
+4.23781618861,2.56091885791,8.38981526793e-05
+3.28575568924,1.23556761283,1.92119234395e-07
+1.40988602178,2.08540599193,0.000445819625273
+0.471729802445,2.00617528734,5.92563836955e-07
+3.03127819596,1.11829525133,4.29824846035e-07
+1.03653879923,1.0113667244,8.87580517577e-05
+1.49691035851,0.0527211916406,1.64953460451e-07
+0.905999094603,1.20063092121,8.08758187708e-05
+1.52876606608,0.888100375098,6.77323038025e-05
+2.69326839654,1.42067248781,6.67266587776e-05
+1.59588966178,0.106957131191,1.66533654302e-07
+0.852997845621,0.983621784851,5.44247493128e-05
+2.67925333674,0.62344976535,2.5741890632e-08
+2.28015418968,1.30142783409,0.000147333368048
+2.52344837103,-0.375673764747,8.19550155379e-14
+1.69178572511,2.53736284623,0.000763993870402
+1.62748156615,2.25154581785,0.00099683129689
+0.0500094286165,4.66974918291,6.27244684154e-26
+3.13602350741,0.226699261578,7.16472281577e-13
+0.470192242449,1.17211838066,1.08626576591e-05
+1.26756288501,1.81581116435,0.00031793894699
+1.23281850564,1.26846348613,0.000222747072688
+1.01368930417,0.758856028264,4.20532728702e-05
+2.61890779803,0.184797524525,1.48004661086e-10
+0.719327397369,1.95914103236,6.76585124906e-06
+0.153783744674,1.13081862817,1.53267105659e-06
+0.433778916102,0.974934196931,1.06334714915e-05
+0.0638247370398,1.79577999932,3.30283624215e-08
+-0.389281837613,1.34036701136,4.31665612425e-09
+2.78020004929,0.753466588937,5.16691598803e-08
diff --git a/tests/framework/MCMC/metropolis/likelihood.py b/tests/framework/MCMC/metropolis/likelihood.py
new file mode 100644
index 0000000000..95eaf04e0f
--- /dev/null
+++ b/tests/framework/MCMC/metropolis/likelihood.py
@@ -0,0 +1,30 @@
+# 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.
+
+import scipy.stats as st
+import numpy as np
+
+def run(self, inputDict):
+ """
+ Method required by RAVEN to run this as an external model.
+ log likelihood function
+ @ In, self, object, object to store members on
+ @ In, inputDict, dict, dictionary containing inputs from RAVEN
+ @ Out, None
+ """
+ self.xin = inputDict['xin']
+ self.yin = inputDict['yin']
+ mus = np.array([5, 5])
+ sigmas = np.array([[1, .9], [.9, 1]])
+ self.zout = st.multivariate_normal.pdf(np.concatenate((self.xin, self.yin)), mean=mus, cov=sigmas)
diff --git a/tests/framework/MCMC/test_metropolis.xml b/tests/framework/MCMC/test_metropolis.xml
new file mode 100644
index 0000000000..9ecc886a53
--- /dev/null
+++ b/tests/framework/MCMC/test_metropolis.xml
@@ -0,0 +1,160 @@
+
+
+
+ framework/MCMC.Metropolis
+ wangc
+ 2020-06-26
+ MCMC.Metropolis
+
+ Test the Markov Chain Monte Carlo algorithm: Metropolis Sampling
+ A 2-D multivariate normal distribution is used as the likelihood function.
+ mean: [5, 5], cov=[[1, 0.9], [0.9, 1]]
+ Both input parameters have the standard normal distribution as their prior distribution.
+ The proposal distributions for the input variables are also standard normal distribution.
+ ``TargetEvaluation'' is used to collect the inputs and outputs from the likelihood model.
+ ``SolutionExport'' is used to store the posterior values for the input variables, i.e. ``xin'' and ``yin''
+
+
+
+
+ metropolis
+ mh, makeRestart, print
+ 1
+ False
+
+
+
+
+ 0
+ 1
+
+
+
+
+
+ xin, yin, zout
+
+
+
+
+
+
+ 1000
+ 070419
+ 10
+
+ zout
+
+ normal
+ 0
+ normal
+
+
+ normal
+ 0
+ normal
+
+
+ outSet
+
+
+
+ 1010
+ 070419
+ 10
+
+ zout
+
+ normal
+ 0
+ normal
+
+
+ normal
+ 0
+ normal
+
+
+ solnsRestart
+ outSet
+
+
+
+
+
+ inputHolder
+ likelihood
+ Metropolis
+ out_export
+
+
+
+ outSet
+ likelihood
+ RestartMetropolis
+ exportRestart
+
+
+
+ out_export
+ outSet
+ exportRestart
+ solnsRestart
+
+
+
+
+
+
+
+
+
+ csv
+
+ input, output
+
+
+ csv
+
+ input, output
+
+
+ csv
+
+ input, output
+
+
+ csv
+
+ input, output
+
+
+
+
+
+ xin, yin
+
+
+
+
+ xin, yin
+
+
+
+
+ traceID
+
+
+
+
+ xin, yin
+
+
+
+
+ traceID
+
+
+
+
+
diff --git a/tests/framework/MCMC/tests b/tests/framework/MCMC/tests
new file mode 100644
index 0000000000..407d7a4dd3
--- /dev/null
+++ b/tests/framework/MCMC/tests
@@ -0,0 +1,13 @@
+[Tests]
+ [./Metropolis]
+ type = 'RavenFramework'
+ input = 'test_metropolis.xml'
+ max_time = 500
+ [./csv]
+ type = OrderedCSV
+ output = 'metropolis/dumpExport.csv metropolis/dumpOut.csv metropolis/dumpRestartExport.csv metropolis/dumpRestartOut.csv'
+ rel_err = 0.001
+ [../]
+ [../]
+
+[]